A regression problem is one where the goal is to predict a single numeric value. For example, you might want to predict the median house price in a town near Boston based on the town’s crime rate, percentage of Black residents, school student-pupil ratio, and so on.
There are several completely different techniques for regression. The simplest is linear regression; it’s a technique most people are exposed to in an introductory statistics class. Other common techniques for regression include ridge regression and neural networks for regression.
A relatively rare technique for regression (among my colleagues at least) is Gaussian process regression (GPR). The bottom line is that when GPR works, it often works very well, but when GPR doesn’t work, it often fails spectacularly.
I put together a brief demo using the scikit GaussianProcessRegressor module. For my demo I used the Boston Area Housing Dataset. There are 506 source data items, each representing a town or village near Boston. There are 13 predictor variables (12 numeric and 1 Boolean). The target value to predict is the median house price (circa 1970 — the dataset is very old so most median house prices are about $24,000).
As is usually the case, preparing the data was very time-consuming and took far longer than building the model. I used divide-by-k normalization on the 13 predictors and the target house price. The constants are 100, 100, 30, 1, 1, 10, 100, 20, 30, 800, 30, 400, 40, 50. I split the 506 data items into a 400-item training dataset and a 106-item dataset using a stratified technique because the Boolean predictor with value = 1 occurs in only 35 of the 506 data items.
Using scikit GPR is simultaneously easy and difficult. The key code that creates my demo model is:
print("print("Creating GPR ConstantKernel + RBF model ") krnl = ConstantKernel(1.0, (1e-1, 1e3)) + RBF(1.0, (1e-3, 1e3)) model = GaussianProcessRegressor(kernel=krnl, normalize_y=True, alpha=0.0, random_state=0) print("Training model ") model.fit(train_X, train_y) print("Done ")
The code is deceptively easy because the main effort is spent on guessing which kernel functions to use and all their parameters. Using the ConstantKernel() + RBF() kernel gave fairly good results but other kernels, and combinations of kernels, and combinations of kernel parameters gave results that varied from OK to horrible.
Gaussian process egression is highly susceptible to model overfitting. There are two main ways to add noise to try and reduce overfitting. First, the alpha parameter in the GaussianProcessRegressor() constructor. Larger values add more noise. Second, using the WhiteKernel(), like:
krnl = ConstantKernel(1.0, (1e-1, 1e3)) + \ RBF(1.0, (1e-3, 1e3)) + \ WhiteKernel(noise_level=1.0)
Gaussian process regression is very complex mathematically. There are dozens of blog posts and YouTube videos that explain GPR at many different levels. There’s not one best explanation of GPR — it all depends on what sort of background you have. Do you already understand kernels or not? Do you already understand multivariate Gaussian distributions or not? Do you already understand covariance matrices or not? And so on.
At an extremely high level of abstraction: GPR examines many possible functions that fit the training data. The functions are defined by the kernel function. The functions are averaged to produce a final prediction function.
GPR works with small datasets but doesn’t scale well to large datasets (lots of data items and/or lots of predictor variables).
An interesting characteristic of GPR compared to most other regression techniques is that GPR returns a predicted value but also a standard deviation which is a measure of uncertainty in the prediction. For example:
# 4. use model X = test_X[0].reshape(1, -1) # first test item pred_y, pred_std = model.predict(X, return_std=True) print("\nPredicting for X = ") print(X) print("\nPredicted y = %0.4f with std = %0.4f " \ % (pred_y, pred_std))
Good fun.
The complexity of creating a Gaussian process regression model is due to the vast number of combinations of kernels and their parameters. The game of chess is all about combinatorics. Easter was a few weeks ago. The Venice Carnival runs roughly the two weeks before Lent — the 40 days preceding Easter — and has featured beautiful masks and costumes since the 12th century. Here are examples of clever and beautiful chess-theme Venice Carnival costumes.
Demo code. Replace “lt” with Boolean operator symbol.
# boston_gauss_process.py # Gaussian process regression # Anaconda3-2022.10 Python 3.9.13 # scikit 1.0.2 # Windows 10/11 import numpy as np from sklearn.gaussian_process import GaussianProcessRegressor from sklearn.gaussian_process.kernels import RBF from sklearn.gaussian_process.kernels import DotProduct from sklearn.gaussian_process.kernels import WhiteKernel from sklearn.gaussian_process.kernels import ConstantKernel # ----------------------------------------------------------- def accuracy(model, data_X, data_y, pct_close): # correct within pct of true income n_correct = 0; n_wrong = 0 for i in range(len(data_X)): X = data_X[i].reshape(1, -1) # one-item batch y = data_y[i] pred = model.predict(X) # predicted house price if np.abs(pred - y) "lt" np.abs(pct_close * y): n_correct += 1 else: n_wrong += 1 acc = (n_correct * 1.0) / (n_correct + n_wrong) return acc # ----------------------------------------------------------- def main(): # 0. prepare print("\nBegin scikit Gaussian process regression ") print("Predict Boston area house median price ") np.random.seed(1) np.set_printoptions(precision=4, suppress=True) # ----------------------------------------------------------- # 1. load data print("\nLoading train and test data ") train_file = ".\\Data\\boston_train.txt" train_X = np.loadtxt(train_file, delimiter="\t", usecols=[0,1,2,3,4,5,6,7,8,9,10,11,12], comments="#", dtype=np.float32) train_y = np.loadtxt(train_file, delimiter="\t", usecols=13, comments="#", dtype=np.float32) test_file = ".\\Data\\boston_test.txt" test_X = np.loadtxt(test_file, delimiter="\t", usecols=[0,1,2,3,4,5,6,7,8,9,10,11,12], comments="#", dtype=np.float32) test_y = np.loadtxt(test_file, delimiter="\t", usecols=13, comments="#", dtype=np.float32) print("Done ") print("\nData: ") print(train_X[0:4][:]) print(". . .") print("\nActual prices: ") print(train_y[0:4]) print(". . .") # ----------------------------------------------------------- # 2. create and train GPR model print("\nCreating GPR ConstantKernel + RBF model ") # GaussianProcessRegressor(kernel=None, *, alpha=1e-10, # optimizer='fmin_l_bfgs_b', n_restarts_optimizer=0, # normalize_y=False, copy_X_train=True, random_state=None) # # RBF(length_scale=1.0, length_scale_bounds=(1e-5, # 100000.0)) # DotProduct(sigma_0=1.0, sigma_0_bounds=(1e-5, 100000.0)) # WhiteKernel(noise_level=1.0, # noise_level_bounds=(1e-5, 100000.0)) # krnl = RBF(1.0, length_scale_bounds=(1e-6, 100000.0)) # krnl = DotProduct() + WhiteKernel(noise_level=0.5) # krnl = ConstantKernel(1.0, (1e-1, 1e3)) * \ # RBF(1.0, (1e-3, 1e3)) krnl = ConstantKernel(1.0, (1e-1, 1e3)) + \ RBF(1.0, (1e-3, 1e3)) model = GaussianProcessRegressor(kernel=krnl, \ alpha=0.0, normalize_y=True, random_state=0) print("\nTraining model ") model.fit(train_X, train_y) print("Done ") # 3. compute model accuracy print("\nComputing accuracy (within 0.15 of true price) ") acc_train = accuracy(model, train_X, train_y, 0.15) print("\nAccuracy on train data = %0.4f " % acc_train) acc_test = accuracy(model, test_X, test_y, 0.15) print("Accuracy on test data = %0.4f " % acc_test) # 4. use model # X = test_X[0].reshape(1, -1) # first test item # pred_y, pred_std = model.predict(X, return_std=True) # print("\nPredicting for X = ") # print(X) # print("\nPredicted y = %0.4f with std = %0.4f " \ # % (pred_y, pred_std)) print("\nEnd GPR demo ") if __name__ == "__main__": main()
Training data. Replace comma characters with tabs or modify data loading code.
# boston_train.txt # norm constants: 100, 100, 30, 1, 1, 10, 100, 20, 30, 800, 30, 400, 40, 50 # # crime zoning indus river nox rooms oldness dist access tax pup_tch blackness low_stat med_val 0.00027310,0.00000000,0.23566667,0.00000000,0.46900000,0.64210000,0.78900000,0.24835500,0.06666667,0.30250000,0.59333333,0.99225000,0.22850000,0.43200000 0.00027290,0.00000000,0.23566667,0.00000000,0.46900000,0.71850000,0.61100000,0.24835500,0.06666667,0.30250000,0.59333333,0.98207500,0.10075000,0.69400000 0.00032370,0.00000000,0.07266667,0.00000000,0.45800000,0.69980000,0.45800000,0.30311000,0.10000000,0.27750000,0.62333333,0.98657500,0.07350000,0.66800000 0.00069050,0.00000000,0.07266667,0.00000000,0.45800000,0.71470000,0.54200000,0.30311000,0.10000000,0.27750000,0.62333333,0.99225000,0.13325000,0.72400000 0.00088290,0.12500000,0.26233333,0.00000000,0.52400000,0.60120000,0.66600000,0.27802500,0.16666667,0.38875000,0.50666667,0.98900000,0.31075000,0.45800000 0.00144550,0.12500000,0.26233333,0.00000000,0.52400000,0.61720000,0.96100000,0.29752500,0.16666667,0.38875000,0.50666667,0.99225000,0.47875000,0.54200000 0.00211240,0.12500000,0.26233333,0.00000000,0.52400000,0.56310000,1.00000000,0.30410500,0.16666667,0.38875000,0.50666667,0.96657500,0.74825000,0.33000000 0.00170040,0.12500000,0.26233333,0.00000000,0.52400000,0.60040000,0.85900000,0.32960500,0.16666667,0.38875000,0.50666667,0.96677500,0.42750000,0.37800000 0.00117470,0.12500000,0.26233333,0.00000000,0.52400000,0.60090000,0.82900000,0.31133500,0.16666667,0.38875000,0.50666667,0.99225000,0.33175000,0.37800000 0.00093780,0.12500000,0.26233333,0.00000000,0.52400000,0.58890000,0.39000000,0.27254500,0.16666667,0.38875000,0.50666667,0.97625000,0.39275000,0.43400000 0.00629760,0.00000000,0.27133333,0.00000000,0.53800000,0.59490000,0.61800000,0.23537500,0.13333333,0.38375000,0.70000000,0.99225000,0.20650000,0.40800000 0.00637960,0.00000000,0.27133333,0.00000000,0.53800000,0.60960000,0.84500000,0.22309500,0.13333333,0.38375000,0.70000000,0.95005000,0.25650000,0.36400000 0.01053930,0.00000000,0.27133333,0.00000000,0.53800000,0.59350000,0.29300000,0.22493000,0.13333333,0.38375000,0.70000000,0.96712500,0.16450000,0.46200000 0.00784200,0.00000000,0.27133333,0.00000000,0.53800000,0.59900000,0.81700000,0.21289500,0.13333333,0.38375000,0.70000000,0.96687500,0.36675000,0.35000000 0.00802710,0.00000000,0.27133333,0.00000000,0.53800000,0.54560000,0.36600000,0.18982500,0.13333333,0.38375000,0.70000000,0.72247500,0.29225000,0.40400000 0.00725800,0.00000000,0.27133333,0.00000000,0.53800000,0.57270000,0.69500000,0.18982500,0.13333333,0.38375000,0.70000000,0.97737500,0.28200000,0.36400000 0.00852040,0.00000000,0.27133333,0.00000000,0.53800000,0.59650000,0.89200000,0.20061500,0.13333333,0.38375000,0.70000000,0.98132500,0.34575000,0.39200000 0.01232470,0.00000000,0.27133333,0.00000000,0.53800000,0.61420000,0.91700000,0.19884500,0.13333333,0.38375000,0.70000000,0.99225000,0.46800000,0.30400000 0.00988430,0.00000000,0.27133333,0.00000000,0.53800000,0.58130000,1.00000000,0.20476000,0.13333333,0.38375000,0.70000000,0.98635000,0.49700000,0.29000000 0.00750260,0.00000000,0.27133333,0.00000000,0.53800000,0.59240000,0.94100000,0.21998000,0.13333333,0.38375000,0.70000000,0.98582500,0.40750000,0.31200000 0.00671910,0.00000000,0.27133333,0.00000000,0.53800000,0.58130000,0.90300000,0.23410000,0.13333333,0.38375000,0.70000000,0.94220000,0.37025000,0.33200000 0.00955770,0.00000000,0.27133333,0.00000000,0.53800000,0.60470000,0.88800000,0.22267000,0.13333333,0.38375000,0.70000000,0.76595000,0.43200000,0.29600000 0.00772990,0.00000000,0.27133333,0.00000000,0.53800000,0.64950000,0.94400000,0.22273500,0.13333333,0.38375000,0.70000000,0.96985000,0.32000000,0.36800000 0.01002450,0.00000000,0.27133333,0.00000000,0.53800000,0.66740000,0.87300000,0.21195000,0.13333333,0.38375000,0.70000000,0.95057500,0.29950000,0.42000000 0.01354720,0.00000000,0.27133333,0.00000000,0.53800000,0.60720000,1.00000000,0.20875000,0.13333333,0.38375000,0.70000000,0.94182500,0.32600000,0.29000000 0.01387990,0.00000000,0.27133333,0.00000000,0.53800000,0.59500000,0.82000000,0.19950000,0.13333333,0.38375000,0.70000000,0.58150000,0.69275000,0.26400000 0.01151720,0.00000000,0.27133333,0.00000000,0.53800000,0.57010000,0.95000000,0.18936000,0.13333333,0.38375000,0.70000000,0.89692500,0.45875000,0.26200000 0.01612820,0.00000000,0.27133333,0.00000000,0.53800000,0.60960000,0.96900000,0.18799000,0.13333333,0.38375000,0.70000000,0.62077500,0.50850000,0.27000000 0.00097440,0.00000000,0.19866667,0.00000000,0.49900000,0.58410000,0.61400000,0.16889500,0.16666667,0.34875000,0.64000000,0.94390000,0.28525000,0.40000000 0.00080140,0.00000000,0.19866667,0.00000000,0.49900000,0.58500000,0.41500000,0.19671000,0.16666667,0.34875000,0.64000000,0.99225000,0.21925000,0.42000000 0.00175050,0.00000000,0.19866667,0.00000000,0.49900000,0.59660000,0.30200000,0.19236500,0.16666667,0.34875000,0.64000000,0.98357500,0.25325000,0.49400000 0.00027630,0.75000000,0.09833333,0.00000000,0.42800000,0.65950000,0.21800000,0.27005500,0.10000000,0.31500000,0.61000000,0.98907500,0.10800000,0.61600000 0.00127440,0.00000000,0.23033333,0.00000000,0.44800000,0.67700000,0.02900000,0.28604500,0.10000000,0.29125000,0.59666667,0.96352500,0.12100000,0.53200000 0.00141500,0.00000000,0.23033333,0.00000000,0.44800000,0.61690000,0.06600000,0.28604500,0.10000000,0.29125000,0.59666667,0.95842500,0.14525000,0.50600000 0.00159360,0.00000000,0.23033333,0.00000000,0.44800000,0.62110000,0.06500000,0.28604500,0.10000000,0.29125000,0.59666667,0.98615000,0.18600000,0.49400000 0.00122690,0.00000000,0.23033333,0.00000000,0.44800000,0.60690000,0.40000000,0.28604500,0.10000000,0.29125000,0.59666667,0.97347500,0.23875000,0.42400000 0.00188360,0.00000000,0.23033333,0.00000000,0.44800000,0.57860000,0.33300000,0.25502000,0.10000000,0.29125000,0.59666667,0.99225000,0.35375000,0.40000000 0.00229270,0.00000000,0.23033333,0.00000000,0.44800000,0.60300000,0.85500000,0.28447000,0.10000000,0.29125000,0.59666667,0.98185000,0.47000000,0.33200000 0.00253870,0.00000000,0.23033333,0.00000000,0.44800000,0.53990000,0.95300000,0.29350000,0.10000000,0.29125000,0.59666667,0.99225000,0.77025000,0.28800000 0.00219770,0.00000000,0.23033333,0.00000000,0.44800000,0.56020000,0.62000000,0.30438500,0.10000000,0.29125000,0.59666667,0.99225000,0.40500000,0.38800000 0.00043370,0.21000000,0.18800000,0.00000000,0.43900000,0.61150000,0.63000000,0.34073500,0.13333333,0.30375000,0.56000000,0.98492500,0.23575000,0.41000000 0.00053600,0.21000000,0.18800000,0.00000000,0.43900000,0.65110000,0.21100000,0.34073500,0.13333333,0.30375000,0.56000000,0.99225000,0.13200000,0.50000000 0.00049810,0.21000000,0.18800000,0.00000000,0.43900000,0.59980000,0.21400000,0.34073500,0.13333333,0.30375000,0.56000000,0.99225000,0.21075000,0.46800000 0.00013600,0.75000000,0.13333333,0.00000000,0.41000000,0.58880000,0.47600000,0.36598500,0.10000000,0.58625000,0.70333333,0.99225000,0.37000000,0.37800000 0.00020550,0.85000000,0.02466667,0.00000000,0.41000000,0.63830000,0.35700000,0.45938000,0.06666667,0.39125000,0.57666667,0.99225000,0.14425000,0.49400000 0.00014320,1.00000000,0.04400000,0.00000000,0.41100000,0.68160000,0.40500000,0.41624000,0.16666667,0.32000000,0.50333333,0.98225000,0.09875000,0.63200000 0.00154450,0.25000000,0.17100000,0.00000000,0.45300000,0.61450000,0.29200000,0.39074000,0.26666667,0.35500000,0.65666667,0.97670000,0.17150000,0.46600000 0.00103280,0.25000000,0.17100000,0.00000000,0.45300000,0.59270000,0.47200000,0.34660000,0.26666667,0.35500000,0.65666667,0.99225000,0.23050000,0.39200000 0.00171710,0.25000000,0.17100000,0.00000000,0.45300000,0.59660000,0.93400000,0.34092500,0.26666667,0.35500000,0.65666667,0.94520000,0.36100000,0.32000000 0.00110270,0.25000000,0.17100000,0.00000000,0.45300000,0.64560000,0.67800000,0.36127500,0.26666667,0.35500000,0.65666667,0.99225000,0.16825000,0.44400000 0.00126500,0.25000000,0.17100000,0.00000000,0.45300000,0.67620000,0.43400000,0.39904500,0.26666667,0.35500000,0.65666667,0.98895000,0.23750000,0.50000000 0.00019510,0.17500000,0.04600000,0.00000000,0.41610000,0.71040000,0.59500000,0.46114500,0.10000000,0.27000000,0.62000000,0.98310000,0.20125000,0.66000000 0.00043790,0.80000000,0.11233333,0.00000000,0.39800000,0.57870000,0.31100000,0.33057500,0.13333333,0.42125000,0.53666667,0.99225000,0.25600000,0.38800000 0.00057890,0.12500000,0.20233333,0.00000000,0.40900000,0.58780000,0.21400000,0.32490000,0.13333333,0.43125000,0.63000000,0.99052500,0.20250000,0.44000000 0.00135540,0.12500000,0.20233333,0.00000000,0.40900000,0.55940000,0.36800000,0.32490000,0.13333333,0.43125000,0.63000000,0.99225000,0.32725000,0.34800000 0.00128160,0.12500000,0.20233333,0.00000000,0.40900000,0.58850000,0.33000000,0.32490000,0.13333333,0.43125000,0.63000000,0.99225000,0.21975000,0.41800000 0.00158760,0.00000000,0.36033333,0.00000000,0.41300000,0.59610000,0.17500000,0.26436500,0.13333333,0.38125000,0.64000000,0.94235000,0.24700000,0.43400000 0.00091640,0.00000000,0.36033333,0.00000000,0.41300000,0.60650000,0.07800000,0.26436500,0.13333333,0.38125000,0.64000000,0.97727500,0.13800000,0.45600000 0.00195390,0.00000000,0.36033333,0.00000000,0.41300000,0.62450000,0.06200000,0.26436500,0.13333333,0.38125000,0.64000000,0.94292500,0.18850000,0.46800000 0.00078960,0.00000000,0.42766667,0.00000000,0.43700000,0.62730000,0.06000000,0.21257500,0.16666667,0.49750000,0.62333333,0.98730000,0.16950000,0.48200000 0.00101530,0.00000000,0.42766667,0.00000000,0.43700000,0.62790000,0.74500000,0.20261000,0.16666667,0.49750000,0.62333333,0.93415000,0.29925000,0.40000000 0.00087070,0.00000000,0.42766667,0.00000000,0.43700000,0.61400000,0.45800000,0.20452500,0.16666667,0.49750000,0.62333333,0.96740000,0.25675000,0.41600000 0.00056460,0.00000000,0.42766667,0.00000000,0.43700000,0.62320000,0.53700000,0.25070500,0.16666667,0.49750000,0.62333333,0.96600000,0.30850000,0.42400000 0.00083870,0.00000000,0.42766667,0.00000000,0.43700000,0.58740000,0.36600000,0.22513000,0.16666667,0.49750000,0.62333333,0.99015000,0.22750000,0.40600000 0.00044620,0.25000000,0.16200000,0.00000000,0.42600000,0.66190000,0.70400000,0.27003500,0.13333333,0.35125000,0.63333333,0.98907500,0.18050000,0.47800000 0.00036590,0.25000000,0.16200000,0.00000000,0.42600000,0.63020000,0.32200000,0.27003500,0.13333333,0.35125000,0.63333333,0.99225000,0.16800000,0.49600000 0.00035510,0.25000000,0.16200000,0.00000000,0.42600000,0.61670000,0.46700000,0.27003500,0.13333333,0.35125000,0.63333333,0.97660000,0.18775000,0.45800000 0.00050590,0.00000000,0.14966667,0.00000000,0.44900000,0.63890000,0.48000000,0.23897000,0.10000000,0.30875000,0.61666667,0.99225000,0.24050000,0.47800000 0.00051880,0.00000000,0.14966667,0.00000000,0.44900000,0.60150000,0.45100000,0.22136000,0.10000000,0.30875000,0.61666667,0.98997500,0.32150000,0.45000000 0.00071510,0.00000000,0.14966667,0.00000000,0.44900000,0.61210000,0.56800000,0.18738000,0.10000000,0.30875000,0.61666667,0.98787500,0.21100000,0.44400000 0.00056600,0.00000000,0.11366667,0.00000000,0.48900000,0.70070000,0.86300000,0.17108500,0.06666667,0.33750000,0.59333333,0.99225000,0.13750000,0.47200000 0.00053020,0.00000000,0.11366667,0.00000000,0.48900000,0.70790000,0.63100000,0.17072500,0.06666667,0.33750000,0.59333333,0.99015000,0.14250000,0.57400000 0.00039320,0.00000000,0.11366667,0.00000000,0.48900000,0.64050000,0.73900000,0.15460500,0.06666667,0.33750000,0.59333333,0.98387500,0.20500000,0.44000000 0.00042030,0.28000000,0.50133333,0.00000000,0.46400000,0.64420000,0.53600000,0.18329500,0.13333333,0.33750000,0.60666667,0.98752500,0.20400000,0.45800000 0.00028750,0.28000000,0.50133333,0.00000000,0.46400000,0.62110000,0.28900000,0.18329500,0.13333333,0.33750000,0.60666667,0.99082500,0.15525000,0.50000000 0.00042940,0.28000000,0.50133333,0.00000000,0.46400000,0.62490000,0.77300000,0.18075000,0.13333333,0.33750000,0.60666667,0.99225000,0.26475000,0.41200000 0.00115040,0.00000000,0.09633333,0.00000000,0.44500000,0.61630000,0.69600000,0.17476000,0.06666667,0.34500000,0.60000000,0.97957500,0.28350000,0.42800000 0.00120830,0.00000000,0.09633333,0.00000000,0.44500000,0.80690000,0.76000000,0.17476000,0.06666667,0.34500000,0.60000000,0.99225000,0.10525000,0.77400000 0.00081870,0.00000000,0.09633333,0.00000000,0.44500000,0.78200000,0.36900000,0.17476000,0.06666667,0.34500000,0.60000000,0.98382500,0.08925000,0.87600000 0.00068600,0.00000000,0.09633333,0.00000000,0.44500000,0.74160000,0.62500000,0.17476000,0.06666667,0.34500000,0.60000000,0.99225000,0.15475000,0.66400000 0.00114320,0.00000000,0.28533333,0.00000000,0.52000000,0.67810000,0.71300000,0.14280500,0.16666667,0.48000000,0.69666667,0.98895000,0.19175000,0.53000000 0.00228760,0.00000000,0.28533333,0.00000000,0.52000000,0.64050000,0.85400000,0.13573500,0.16666667,0.48000000,0.69666667,0.17700000,0.26575000,0.37200000 0.00211610,0.00000000,0.28533333,0.00000000,0.52000000,0.61370000,0.87400000,0.13573500,0.16666667,0.48000000,0.69666667,0.98617500,0.33600000,0.38600000 0.00139600,0.00000000,0.28533333,0.00000000,0.52000000,0.61670000,0.90000000,0.12105000,0.16666667,0.48000000,0.69666667,0.98172500,0.30825000,0.40200000 0.00171200,0.00000000,0.28533333,0.00000000,0.52000000,0.58360000,0.91900000,0.11055000,0.16666667,0.48000000,0.69666667,0.98917500,0.46650000,0.39000000 0.00131170,0.00000000,0.28533333,0.00000000,0.52000000,0.61270000,0.85200000,0.10612000,0.16666667,0.48000000,0.69666667,0.96922500,0.35225000,0.40800000 0.00128020,0.00000000,0.28533333,0.00000000,0.52000000,0.64740000,0.97100000,0.12164500,0.16666667,0.48000000,0.69666667,0.98810000,0.30675000,0.39600000 0.00263630,0.00000000,0.28533333,0.00000000,0.52000000,0.62290000,0.91200000,0.12725500,0.16666667,0.48000000,0.69666667,0.97807500,0.38875000,0.38800000 0.00100840,0.00000000,0.33366667,0.00000000,0.54700000,0.67150000,0.81600000,0.13387500,0.20000000,0.54000000,0.59333333,0.98897500,0.25400000,0.45600000 0.00123290,0.00000000,0.33366667,0.00000000,0.54700000,0.59130000,0.92900000,0.11767000,0.20000000,0.54000000,0.59333333,0.98737500,0.40525000,0.37600000 0.00222120,0.00000000,0.33366667,0.00000000,0.54700000,0.60920000,0.95400000,0.12740000,0.20000000,0.54000000,0.59333333,0.99225000,0.42725000,0.37400000 0.00142310,0.00000000,0.33366667,0.00000000,0.54700000,0.62540000,0.84200000,0.11282500,0.20000000,0.54000000,0.59333333,0.97185000,0.26125000,0.37000000 0.00131580,0.00000000,0.33366667,0.00000000,0.54700000,0.61760000,0.72500000,0.13650500,0.20000000,0.54000000,0.59333333,0.98325000,0.30100000,0.42400000 0.00150980,0.00000000,0.33366667,0.00000000,0.54700000,0.60210000,0.82600000,0.13737000,0.20000000,0.54000000,0.59333333,0.98627500,0.25750000,0.38400000 0.00130580,0.00000000,0.33366667,0.00000000,0.54700000,0.58720000,0.73100000,0.12387500,0.20000000,0.54000000,0.59333333,0.84657500,0.38425000,0.40800000 0.00144760,0.00000000,0.33366667,0.00000000,0.54700000,0.57310000,0.65200000,0.13796000,0.20000000,0.54000000,0.59333333,0.97875000,0.34025000,0.38600000 0.00071650,0.00000000,0.85500000,0.00000000,0.58100000,0.60040000,0.84100000,0.10987000,0.06666667,0.23500000,0.63666667,0.94417500,0.35675000,0.40600000 0.00092990,0.00000000,0.85500000,0.00000000,0.58100000,0.59610000,0.92900000,0.10434500,0.06666667,0.23500000,0.63666667,0.94522500,0.44825000,0.41000000 0.00150380,0.00000000,0.85500000,0.00000000,0.58100000,0.58560000,0.97000000,0.09722000,0.06666667,0.23500000,0.63666667,0.92577500,0.63525000,0.34600000 0.00098490,0.00000000,0.85500000,0.00000000,0.58100000,0.58790000,0.95800000,0.10031500,0.06666667,0.23500000,0.63666667,0.94845000,0.43950000,0.37600000 0.00387350,0.00000000,0.85500000,0.00000000,0.58100000,0.56130000,0.95600000,0.08786000,0.06666667,0.23500000,0.63666667,0.89822500,0.68150000,0.31400000 0.00259150,0.00000000,0.72966667,0.00000000,0.62400000,0.56930000,0.96000000,0.08941500,0.13333333,0.54625000,0.70666667,0.98027500,0.42975000,0.32400000 0.00325430,0.00000000,0.72966667,0.00000000,0.62400000,0.64310000,0.98800000,0.09062500,0.13333333,0.54625000,0.70666667,0.99225000,0.38475000,0.36000000 0.00881250,0.00000000,0.72966667,0.00000000,0.62400000,0.56370000,0.94700000,0.09899500,0.13333333,0.54625000,0.70666667,0.99225000,0.45850000,0.28600000 0.01192940,0.00000000,0.72966667,0.00000000,0.62400000,0.63260000,0.97700000,0.11355000,0.13333333,0.54625000,0.70666667,0.99225000,0.30650000,0.39200000 0.00590050,0.00000000,0.72966667,0.00000000,0.62400000,0.63720000,0.97900000,0.11637000,0.13333333,0.54625000,0.70666667,0.96440000,0.27800000,0.46000000 0.00329820,0.00000000,0.72966667,0.00000000,0.62400000,0.58220000,0.95400000,0.12349500,0.13333333,0.54625000,0.70666667,0.97172500,0.37575000,0.36800000 0.00976170,0.00000000,0.72966667,0.00000000,0.62400000,0.57570000,0.98400000,0.11730000,0.13333333,0.54625000,0.70666667,0.65690000,0.43275000,0.31200000 0.00322640,0.00000000,0.72966667,0.00000000,0.62400000,0.59420000,0.93500000,0.09834500,0.13333333,0.54625000,0.70666667,0.94562500,0.42250000,0.34800000 0.00352330,0.00000000,0.72966667,0.00000000,0.62400000,0.64540000,0.98400000,0.09249000,0.13333333,0.54625000,0.70666667,0.98520000,0.36475000,0.34200000 0.00249800,0.00000000,0.72966667,0.00000000,0.62400000,0.58570000,0.98200000,0.08343000,0.13333333,0.54625000,0.70666667,0.98010000,0.53300000,0.26600000 0.00544520,0.00000000,0.72966667,0.00000000,0.62400000,0.61510000,0.97900000,0.08343500,0.13333333,0.54625000,0.70666667,0.99225000,0.46150000,0.35600000 0.01628640,0.00000000,0.72966667,0.00000000,0.62400000,0.50190000,1.00000000,0.07197000,0.13333333,0.54625000,0.70666667,0.99225000,0.86025000,0.28800000 0.03321050,0.00000000,0.65266667,1.00000000,0.87100000,0.54030000,1.00000000,0.06608000,0.16666667,0.50375000,0.49000000,0.99225000,0.67050000,0.26800000 0.04097400,0.00000000,0.65266667,0.00000000,0.87100000,0.54680000,1.00000000,0.07059000,0.16666667,0.50375000,0.49000000,0.99225000,0.66050000,0.31200000 0.02779740,0.00000000,0.65266667,0.00000000,0.87100000,0.49030000,0.97800000,0.06729500,0.16666667,0.50375000,0.49000000,0.99225000,0.73225000,0.23600000 0.02155050,0.00000000,0.65266667,0.00000000,0.87100000,0.56280000,1.00000000,0.07583000,0.16666667,0.50375000,0.49000000,0.42317500,0.41625000,0.31200000 0.02368620,0.00000000,0.65266667,0.00000000,0.87100000,0.49260000,0.95700000,0.07304000,0.16666667,0.50375000,0.49000000,0.97927500,0.73825000,0.29200000 0.02330990,0.00000000,0.65266667,0.00000000,0.87100000,0.51860000,0.93800000,0.07648000,0.16666667,0.50375000,0.49000000,0.89247500,0.70800000,0.35600000 0.02733970,0.00000000,0.65266667,0.00000000,0.87100000,0.55970000,0.94900000,0.07628500,0.16666667,0.50375000,0.49000000,0.87962500,0.53625000,0.30800000 0.01496320,0.00000000,0.65266667,0.00000000,0.87100000,0.54040000,1.00000000,0.07958000,0.16666667,0.50375000,0.49000000,0.85400000,0.33200000,0.39200000 0.01126580,0.00000000,0.65266667,1.00000000,0.87100000,0.50120000,0.88000000,0.08051000,0.16666667,0.50375000,0.49000000,0.85820000,0.30300000,0.30600000 0.02149180,0.00000000,0.65266667,0.00000000,0.87100000,0.57090000,0.98500000,0.08116000,0.16666667,0.50375000,0.49000000,0.65487500,0.39475000,0.38800000 0.01413850,0.00000000,0.65266667,1.00000000,0.87100000,0.61290000,0.96000000,0.08747000,0.16666667,0.50375000,0.49000000,0.80255000,0.37800000,0.34000000 0.02446680,0.00000000,0.65266667,0.00000000,0.87100000,0.52720000,0.94000000,0.08682000,0.16666667,0.50375000,0.49000000,0.22157500,0.40350000,0.26200000 0.01223580,0.00000000,0.65266667,0.00000000,0.60500000,0.69430000,0.97400000,0.09386500,0.16666667,0.50375000,0.49000000,0.90857500,0.11475000,0.82600000 0.01342840,0.00000000,0.65266667,0.00000000,0.60500000,0.60660000,1.00000000,0.08786500,0.16666667,0.50375000,0.49000000,0.88472500,0.16075000,0.48600000 0.01425020,0.00000000,0.65266667,0.00000000,0.87100000,0.65100000,1.00000000,0.08829500,0.16666667,0.50375000,0.49000000,0.91077500,0.18475000,0.46600000 0.01463360,0.00000000,0.65266667,0.00000000,0.60500000,0.74890000,0.90800000,0.09854500,0.16666667,0.50375000,0.49000000,0.93607500,0.04325000,1.00000000 0.01833770,0.00000000,0.65266667,1.00000000,0.60500000,0.78020000,0.98200000,0.10203500,0.16666667,0.50375000,0.49000000,0.97402500,0.04800000,1.00000000 0.01519020,0.00000000,0.65266667,1.00000000,0.60500000,0.83750000,0.93900000,0.10810000,0.16666667,0.50375000,0.49000000,0.97112500,0.08300000,1.00000000 0.02242360,0.00000000,0.65266667,0.00000000,0.60500000,0.58540000,0.91800000,0.12110000,0.16666667,0.50375000,0.49000000,0.98777500,0.29100000,0.45400000 0.02010190,0.00000000,0.65266667,0.00000000,0.60500000,0.79290000,0.96200000,0.10229500,0.16666667,0.50375000,0.49000000,0.92325000,0.09250000,1.00000000 0.01800280,0.00000000,0.65266667,0.00000000,0.60500000,0.58770000,0.79200000,0.12129500,0.16666667,0.50375000,0.49000000,0.56902500,0.30350000,0.47600000 0.02300400,0.00000000,0.65266667,0.00000000,0.60500000,0.63190000,0.96100000,0.10500000,0.16666667,0.50375000,0.49000000,0.74272500,0.27750000,0.47600000 0.02449530,0.00000000,0.65266667,0.00000000,0.60500000,0.64020000,0.95200000,0.11312500,0.16666667,0.50375000,0.49000000,0.82510000,0.28300000,0.44600000 0.02313900,0.00000000,0.65266667,0.00000000,0.60500000,0.58800000,0.97300000,0.11943500,0.16666667,0.50375000,0.49000000,0.87032500,0.30075000,0.38200000 0.00139140,0.00000000,0.13500000,0.00000000,0.51000000,0.55720000,0.88500000,0.12980500,0.16666667,0.37000000,0.55333333,0.99225000,0.36725000,0.46200000 0.00091780,0.00000000,0.13500000,0.00000000,0.51000000,0.64160000,0.84100000,0.13231500,0.16666667,0.37000000,0.55333333,0.98875000,0.22600000,0.47200000 0.00084470,0.00000000,0.13500000,0.00000000,0.51000000,0.58590000,0.68700000,0.13509500,0.16666667,0.37000000,0.55333333,0.98307500,0.24100000,0.45200000 0.00070220,0.00000000,0.13500000,0.00000000,0.51000000,0.60200000,0.47200000,0.17774500,0.16666667,0.37000000,0.55333333,0.98307500,0.25275000,0.46400000 0.00054250,0.00000000,0.13500000,0.00000000,0.51000000,0.63150000,0.73400000,0.16587500,0.16666667,0.37000000,0.55333333,0.98900000,0.15725000,0.49200000 0.00066420,0.00000000,0.13500000,0.00000000,0.51000000,0.68600000,0.74400000,0.14576500,0.16666667,0.37000000,0.55333333,0.97817500,0.17300000,0.59800000 0.00057800,0.00000000,0.08200000,0.00000000,0.48800000,0.69800000,0.58400000,0.14145000,0.10000000,0.24125000,0.59333333,0.99225000,0.12600000,0.74400000 0.00068880,0.00000000,0.08200000,0.00000000,0.48800000,0.61440000,0.62200000,0.12989500,0.10000000,0.24125000,0.59333333,0.99225000,0.23625000,0.72400000 0.00091030,0.00000000,0.08200000,0.00000000,0.48800000,0.71550000,0.92200000,0.13503000,0.10000000,0.24125000,0.59333333,0.98530000,0.12050000,0.75800000 0.00100080,0.00000000,0.08200000,0.00000000,0.48800000,0.65630000,0.95600000,0.14235000,0.10000000,0.24125000,0.59333333,0.99225000,0.14200000,0.65000000 0.00083080,0.00000000,0.08200000,0.00000000,0.48800000,0.56040000,0.89800000,0.14939500,0.10000000,0.24125000,0.59333333,0.97750000,0.34950000,0.52800000 0.00056020,0.00000000,0.08200000,0.00000000,0.48800000,0.78310000,0.53600000,0.15996000,0.10000000,0.24125000,0.59333333,0.98157500,0.11125000,1.00000000 0.00078750,0.45000000,0.11466667,0.00000000,0.43700000,0.67820000,0.41100000,0.18943000,0.16666667,0.49750000,0.50666667,0.98467500,0.16700000,0.64000000 0.00125790,0.45000000,0.11466667,0.00000000,0.43700000,0.65560000,0.29100000,0.22833500,0.16666667,0.49750000,0.50666667,0.95710000,0.11400000,0.59600000 0.00083700,0.45000000,0.11466667,0.00000000,0.43700000,0.71850000,0.38900000,0.22833500,0.16666667,0.49750000,0.50666667,0.99225000,0.13475000,0.69800000 0.00069110,0.45000000,0.11466667,0.00000000,0.43700000,0.67390000,0.30800000,0.32399000,0.16666667,0.49750000,0.50666667,0.97427500,0.11725000,0.61000000 0.00086640,0.45000000,0.11466667,0.00000000,0.43700000,0.71780000,0.26300000,0.32399000,0.16666667,0.49750000,0.50666667,0.97622500,0.07175000,0.72800000 0.00021870,0.60000000,0.09766667,0.00000000,0.40100000,0.68000000,0.09900000,0.31098000,0.03333333,0.33125000,0.52000000,0.98342500,0.12575000,0.62200000 0.00014390,0.60000000,0.09766667,0.00000000,0.40100000,0.66040000,0.18800000,0.31098000,0.03333333,0.33125000,0.52000000,0.94175000,0.10950000,0.58200000 0.00040110,0.80000000,0.05066667,0.00000000,0.40400000,0.72870000,0.34100000,0.36545000,0.06666667,0.41125000,0.42000000,0.99225000,0.10200000,0.66600000 0.00046660,0.80000000,0.05066667,0.00000000,0.40400000,0.71070000,0.36600000,0.36545000,0.06666667,0.41125000,0.42000000,0.88577500,0.21525000,0.60600000 0.00037680,0.80000000,0.05066667,0.00000000,0.40400000,0.72740000,0.38300000,0.36545000,0.06666667,0.41125000,0.42000000,0.98050000,0.16550000,0.69200000 0.00031500,0.95000000,0.04900000,0.00000000,0.40300000,0.69750000,0.15300000,0.38267000,0.10000000,0.50250000,0.56666667,0.99225000,0.11400000,0.69800000 0.00034450,0.82500000,0.06766667,0.00000000,0.41500000,0.61620000,0.38400000,0.31350000,0.06666667,0.43500000,0.49000000,0.98442500,0.18575000,0.48200000 0.00021770,0.82500000,0.06766667,0.00000000,0.41500000,0.76100000,0.15700000,0.31350000,0.06666667,0.43500000,0.49000000,0.98845000,0.07775000,0.84600000 0.00035100,0.95000000,0.08933333,0.00000000,0.41610000,0.78530000,0.33200000,0.25590000,0.13333333,0.28000000,0.49000000,0.98195000,0.09525000,0.97000000 0.00020090,0.95000000,0.08933333,0.00000000,0.41610000,0.80340000,0.31900000,0.25590000,0.13333333,0.28000000,0.49000000,0.97637500,0.07200000,1.00000000 0.00229690,0.00000000,0.35300000,0.00000000,0.48900000,0.63260000,0.52500000,0.21774500,0.13333333,0.34625000,0.62000000,0.98717500,0.27425000,0.48800000 0.00251990,0.00000000,0.35300000,0.00000000,0.48900000,0.57830000,0.72700000,0.21774500,0.13333333,0.34625000,0.62000000,0.97357500,0.45150000,0.45000000 0.00135870,0.00000000,0.35300000,1.00000000,0.48900000,0.60640000,0.59100000,0.21196000,0.13333333,0.34625000,0.62000000,0.95330000,0.36650000,0.48800000 0.00435710,0.00000000,0.35300000,1.00000000,0.48900000,0.53440000,1.00000000,0.19375000,0.13333333,0.34625000,0.62000000,0.99225000,0.57725000,0.40000000 0.00375780,0.00000000,0.35300000,1.00000000,0.48900000,0.54040000,0.88600000,0.18325000,0.13333333,0.34625000,0.62000000,0.98810000,0.59950000,0.38600000 0.00217190,0.00000000,0.35300000,1.00000000,0.48900000,0.58070000,0.53800000,0.18263000,0.13333333,0.34625000,0.62000000,0.97735000,0.40075000,0.44800000 0.00140520,0.00000000,0.35300000,0.00000000,0.48900000,0.63750000,0.32300000,0.19727000,0.13333333,0.34625000,0.62000000,0.96452500,0.23450000,0.56200000 0.00289550,0.00000000,0.35300000,0.00000000,0.48900000,0.54120000,0.09800000,0.17937500,0.13333333,0.34625000,0.62000000,0.87232500,0.73875000,0.47400000 0.00045600,0.00000000,0.46300000,1.00000000,0.55000000,0.58880000,0.56000000,0.15560500,0.16666667,0.34500000,0.54666667,0.98200000,0.33775000,0.46600000 0.00070130,0.00000000,0.46300000,0.00000000,0.55000000,0.66420000,0.85100000,0.17105500,0.16666667,0.34500000,0.54666667,0.98195000,0.24225000,0.57400000 0.00110690,0.00000000,0.46300000,1.00000000,0.55000000,0.59510000,0.93800000,0.14446500,0.16666667,0.34500000,0.54666667,0.99225000,0.44800000,0.43000000 0.00114250,0.00000000,0.46300000,1.00000000,0.55000000,0.63730000,0.92400000,0.16816500,0.16666667,0.34500000,0.54666667,0.98435000,0.26250000,0.46000000 0.00407710,0.00000000,0.20666667,1.00000000,0.50700000,0.61640000,0.91300000,0.15240000,0.26666667,0.38375000,0.58000000,0.98810000,0.53650000,0.43400000 0.00623560,0.00000000,0.20666667,1.00000000,0.50700000,0.68790000,0.77700000,0.16360500,0.26666667,0.38375000,0.58000000,0.97597500,0.24825000,0.55000000 0.00614700,0.00000000,0.20666667,0.00000000,0.50700000,0.66180000,0.80800000,0.16360500,0.26666667,0.38375000,0.58000000,0.99225000,0.19000000,0.60200000 0.00315330,0.00000000,0.20666667,0.00000000,0.50400000,0.82660000,0.78300000,0.14472000,0.26666667,0.38375000,0.58000000,0.96262500,0.10350000,0.89600000 0.00382140,0.00000000,0.20666667,0.00000000,0.50400000,0.80400000,0.86500000,0.16078500,0.26666667,0.38375000,0.58000000,0.96845000,0.07825000,0.75200000 0.00412380,0.00000000,0.20666667,0.00000000,0.50400000,0.71630000,0.79900000,0.16078500,0.26666667,0.38375000,0.58000000,0.93020000,0.15900000,0.63200000 0.00298190,0.00000000,0.20666667,0.00000000,0.50400000,0.76860000,0.17000000,0.16875500,0.26666667,0.38375000,0.58000000,0.94377500,0.09800000,0.93400000 0.00441780,0.00000000,0.20666667,0.00000000,0.50400000,0.65520000,0.21400000,0.16875500,0.26666667,0.38375000,0.58000000,0.95085000,0.09400000,0.63000000 0.00462960,0.00000000,0.20666667,0.00000000,0.50400000,0.74120000,0.76900000,0.18357500,0.26666667,0.38375000,0.58000000,0.94035000,0.13125000,0.63400000 0.00575290,0.00000000,0.20666667,0.00000000,0.50700000,0.83370000,0.73300000,0.19192000,0.26666667,0.38375000,0.58000000,0.96477500,0.06175000,0.83400000 0.00331470,0.00000000,0.20666667,0.00000000,0.50700000,0.82470000,0.70400000,0.18259500,0.26666667,0.38375000,0.58000000,0.94737500,0.09875000,0.96600000 0.00447910,0.00000000,0.20666667,1.00000000,0.50700000,0.67260000,0.66500000,0.18259500,0.26666667,0.38375000,0.58000000,0.90050000,0.20125000,0.58000000 0.00520580,0.00000000,0.20666667,1.00000000,0.50700000,0.66310000,0.76500000,0.20740000,0.26666667,0.38375000,0.58000000,0.97112500,0.23850000,0.50200000 0.00511830,0.00000000,0.20666667,0.00000000,0.50700000,0.73580000,0.71600000,0.20740000,0.26666667,0.38375000,0.58000000,0.97517500,0.11825000,0.63000000 0.00082440,0.30000000,0.16433333,0.00000000,0.42800000,0.64810000,0.18500000,0.30949500,0.20000000,0.37500000,0.55333333,0.94852500,0.15900000,0.47400000 0.00092520,0.30000000,0.16433333,0.00000000,0.42800000,0.66060000,0.42200000,0.30949500,0.20000000,0.37500000,0.55333333,0.95945000,0.18425000,0.46600000 0.00106120,0.30000000,0.16433333,0.00000000,0.42800000,0.60950000,0.65100000,0.31680500,0.20000000,0.37500000,0.55333333,0.98655000,0.31000000,0.40200000 0.00102900,0.30000000,0.16433333,0.00000000,0.42800000,0.63580000,0.52900000,0.35177500,0.20000000,0.37500000,0.55333333,0.93187500,0.28050000,0.44400000 0.00127570,0.30000000,0.16433333,0.00000000,0.42800000,0.63930000,0.07800000,0.35177500,0.20000000,0.37500000,0.55333333,0.93677500,0.12975000,0.47400000 0.00206080,0.22000000,0.19533333,0.00000000,0.43100000,0.55930000,0.76500000,0.39774500,0.23333333,0.41250000,0.63666667,0.93122500,0.31250000,0.35200000 0.00339830,0.22000000,0.19533333,0.00000000,0.43100000,0.61080000,0.34900000,0.40277500,0.23333333,0.41250000,0.63666667,0.97545000,0.22900000,0.48600000 0.00196570,0.22000000,0.19533333,0.00000000,0.43100000,0.62260000,0.79200000,0.40277500,0.23333333,0.41250000,0.63666667,0.94035000,0.25375000,0.41000000 0.00164390,0.22000000,0.19533333,0.00000000,0.43100000,0.64330000,0.49100000,0.39132500,0.23333333,0.41250000,0.63666667,0.93677500,0.23800000,0.49000000 0.00190730,0.22000000,0.19533333,0.00000000,0.43100000,0.67180000,0.17500000,0.39132500,0.23333333,0.41250000,0.63666667,0.98435000,0.16400000,0.52400000 0.00214090,0.22000000,0.19533333,0.00000000,0.43100000,0.64380000,0.08900000,0.36983500,0.23333333,0.41250000,0.63666667,0.94267500,0.08975000,0.49600000 0.00082210,0.22000000,0.19533333,0.00000000,0.43100000,0.69570000,0.06800000,0.44533500,0.23333333,0.41250000,0.63666667,0.96522500,0.08825000,0.59200000 0.00368940,0.22000000,0.19533333,0.00000000,0.43100000,0.82590000,0.08400000,0.44533500,0.23333333,0.41250000,0.63666667,0.99225000,0.08850000,0.85600000 0.00048190,0.80000000,0.12133333,0.00000000,0.39200000,0.61080000,0.32000000,0.46101500,0.03333333,0.39375000,0.54666667,0.98222500,0.16425000,0.43800000 0.00015380,0.90000000,0.12500000,0.00000000,0.39400000,0.74540000,0.34200000,0.31680500,0.10000000,0.30500000,0.53000000,0.96585000,0.07775000,0.88000000 0.00611540,0.20000000,0.13233333,0.00000000,0.64700000,0.87040000,0.86900000,0.09005000,0.16666667,0.33000000,0.43333333,0.97425000,0.12800000,1.00000000 0.00663510,0.20000000,0.13233333,0.00000000,0.64700000,0.73330000,1.00000000,0.09473000,0.16666667,0.33000000,0.43333333,0.95822500,0.19475000,0.72000000 0.00656650,0.20000000,0.13233333,0.00000000,0.64700000,0.68420000,1.00000000,0.10053500,0.16666667,0.33000000,0.43333333,0.97982500,0.17250000,0.60200000 0.00534120,0.20000000,0.13233333,0.00000000,0.64700000,0.75200000,0.89400000,0.10699000,0.16666667,0.33000000,0.43333333,0.97092500,0.18150000,0.86200000 0.00520140,0.20000000,0.13233333,0.00000000,0.64700000,0.83980000,0.91500000,0.11442500,0.16666667,0.33000000,0.43333333,0.96715000,0.14775000,0.97600000 0.00825260,0.20000000,0.13233333,0.00000000,0.64700000,0.73270000,0.94500000,0.10394000,0.16666667,0.33000000,0.43333333,0.98355000,0.28125000,0.62000000 0.00550070,0.20000000,0.13233333,0.00000000,0.64700000,0.72060000,0.91600000,0.09650500,0.16666667,0.33000000,0.43333333,0.96972500,0.20250000,0.73000000 0.00785700,0.20000000,0.13233333,0.00000000,0.64700000,0.70140000,0.84600000,0.10664500,0.16666667,0.33000000,0.43333333,0.96017500,0.36975000,0.61400000 0.00578340,0.20000000,0.13233333,0.00000000,0.57500000,0.82970000,0.67000000,0.12108000,0.16666667,0.33000000,0.43333333,0.96135000,0.18600000,1.00000000 0.00540500,0.20000000,0.13233333,0.00000000,0.57500000,0.74700000,0.52600000,0.14360000,0.16666667,0.33000000,0.43333333,0.97575000,0.07900000,0.87000000 0.00090650,0.20000000,0.23200000,1.00000000,0.46400000,0.59200000,0.61500000,0.19587500,0.10000000,0.27875000,0.62000000,0.97835000,0.34125000,0.41400000 0.00162110,0.20000000,0.23200000,0.00000000,0.46400000,0.62400000,0.16300000,0.22145000,0.10000000,0.27875000,0.62000000,0.99225000,0.16475000,0.50400000 0.00114600,0.20000000,0.23200000,0.00000000,0.46400000,0.65380000,0.58700000,0.19587500,0.10000000,0.27875000,0.62000000,0.98740000,0.19325000,0.48800000 0.00221880,0.20000000,0.23200000,1.00000000,0.46400000,0.76910000,0.51800000,0.21832500,0.10000000,0.27875000,0.62000000,0.97692500,0.16450000,0.70400000 0.00056440,0.40000000,0.21366667,1.00000000,0.44700000,0.67580000,0.32900000,0.20388000,0.13333333,0.31750000,0.58666667,0.99225000,0.08825000,0.64800000 0.00104690,0.40000000,0.21366667,1.00000000,0.44700000,0.72670000,0.49000000,0.23936000,0.13333333,0.31750000,0.58666667,0.97312500,0.15125000,0.66400000 0.00061270,0.40000000,0.21366667,1.00000000,0.44700000,0.68260000,0.27600000,0.24314000,0.13333333,0.31750000,0.58666667,0.98362500,0.10400000,0.66200000 0.00079780,0.40000000,0.21366667,0.00000000,0.44700000,0.64820000,0.32100000,0.20701500,0.13333333,0.31750000,0.58666667,0.99225000,0.17975000,0.58200000 0.00210380,0.20000000,0.11100000,0.00000000,0.44290000,0.68120000,0.32200000,0.20503500,0.16666667,0.27000000,0.49666667,0.99225000,0.12125000,0.70200000 0.00037050,0.20000000,0.11100000,0.00000000,0.44290000,0.69680000,0.37200000,0.26223500,0.16666667,0.27000000,0.49666667,0.98057500,0.11475000,0.70800000 0.00061290,0.20000000,0.11100000,1.00000000,0.44290000,0.76450000,0.49700000,0.26059500,0.16666667,0.27000000,0.49666667,0.94267500,0.07525000,0.92000000 0.00015010,0.90000000,0.04033333,1.00000000,0.40100000,0.79230000,0.24800000,0.29425000,0.03333333,0.24750000,0.45333333,0.98880000,0.07900000,1.00000000 0.00009060,0.90000000,0.09900000,0.00000000,0.40000000,0.70880000,0.20800000,0.36536500,0.03333333,0.35625000,0.51000000,0.98680000,0.19625000,0.64400000 0.00019650,0.80000000,0.05866667,0.00000000,0.38500000,0.62300000,0.31500000,0.45446000,0.03333333,0.30125000,0.60666667,0.85400000,0.32325000,0.40200000 0.00038710,0.52500000,0.17733333,0.00000000,0.40500000,0.62090000,0.31300000,0.36586000,0.20000000,0.36625000,0.55333333,0.99225000,0.17850000,0.46400000 0.00045900,0.52500000,0.17733333,0.00000000,0.40500000,0.63150000,0.45600000,0.36586000,0.20000000,0.36625000,0.55333333,0.99225000,0.19000000,0.44600000 0.00042970,0.52500000,0.17733333,0.00000000,0.40500000,0.65650000,0.22900000,0.36586000,0.20000000,0.36625000,0.55333333,0.92930000,0.23775000,0.49600000 0.00078860,0.80000000,0.16500000,0.00000000,0.41100000,0.71480000,0.27700000,0.25583500,0.13333333,0.30625000,0.64000000,0.99225000,0.08900000,0.74600000 0.00036150,0.80000000,0.16500000,0.00000000,0.41100000,0.66300000,0.23400000,0.25583500,0.13333333,0.30625000,0.64000000,0.99225000,0.11750000,0.55800000 0.00082650,0.00000000,0.46400000,0.00000000,0.43700000,0.61270000,0.18400000,0.27513500,0.13333333,0.36125000,0.53333333,0.99225000,0.21450000,0.47800000 0.00081990,0.00000000,0.46400000,0.00000000,0.43700000,0.60090000,0.42300000,0.27513500,0.13333333,0.36125000,0.53333333,0.99225000,0.26000000,0.43400000 0.00053720,0.00000000,0.46400000,0.00000000,0.43700000,0.65490000,0.51000000,0.29802000,0.13333333,0.36125000,0.53333333,0.98212500,0.18475000,0.54200000 0.00141030,0.00000000,0.46400000,0.00000000,0.43700000,0.57900000,0.58000000,0.31600000,0.13333333,0.36125000,0.53333333,0.99225000,0.39600000,0.40600000 0.00064660,0.70000000,0.07466667,0.00000000,0.40000000,0.63450000,0.20100000,0.39139000,0.16666667,0.44750000,0.49333333,0.92060000,0.12425000,0.45000000 0.00055610,0.70000000,0.07466667,0.00000000,0.40000000,0.70410000,0.10000000,0.39139000,0.16666667,0.44750000,0.49333333,0.92895000,0.11850000,0.58000000 0.00035370,0.34000000,0.20300000,0.00000000,0.43300000,0.65900000,0.40400000,0.27458500,0.23333333,0.41125000,0.53666667,0.98937500,0.23750000,0.44000000 0.00092660,0.34000000,0.20300000,0.00000000,0.43300000,0.64950000,0.18400000,0.27458500,0.23333333,0.41125000,0.53666667,0.95902500,0.21675000,0.52800000 0.00100000,0.34000000,0.20300000,0.00000000,0.43300000,0.69820000,0.17700000,0.27458500,0.23333333,0.41125000,0.53666667,0.97607500,0.12150000,0.66200000 0.00055150,0.33000000,0.07266667,0.00000000,0.47200000,0.72360000,0.41100000,0.20110000,0.23333333,0.27750000,0.61333333,0.98420000,0.17325000,0.72200000 0.00075030,0.33000000,0.07266667,0.00000000,0.47200000,0.74200000,0.71900000,0.15496000,0.23333333,0.27750000,0.61333333,0.99225000,0.16175000,0.66800000 0.00049320,0.33000000,0.07266667,0.00000000,0.47200000,0.68490000,0.70300000,0.15913500,0.23333333,0.27750000,0.61333333,0.99225000,0.18825000,0.56400000 0.00492980,0.00000000,0.33000000,0.00000000,0.54400000,0.66350000,0.82500000,0.16587500,0.13333333,0.38000000,0.61333333,0.99225000,0.11350000,0.45600000 0.00349400,0.00000000,0.33000000,0.00000000,0.54400000,0.59720000,0.76700000,0.15512500,0.13333333,0.38000000,0.61333333,0.99060000,0.24925000,0.40600000 0.00790410,0.00000000,0.33000000,0.00000000,0.54400000,0.61220000,0.52800000,0.13201500,0.13333333,0.38000000,0.61333333,0.99225000,0.14950000,0.44200000 0.00261690,0.00000000,0.33000000,0.00000000,0.54400000,0.60230000,0.90400000,0.14170000,0.13333333,0.38000000,0.61333333,0.99075000,0.29300000,0.38800000 0.00269380,0.00000000,0.33000000,0.00000000,0.54400000,0.62660000,0.82800000,0.16314000,0.13333333,0.38000000,0.61333333,0.98347500,0.19750000,0.43200000 0.00369200,0.00000000,0.33000000,0.00000000,0.54400000,0.65670000,0.87300000,0.18011500,0.13333333,0.38000000,0.61333333,0.98922500,0.23200000,0.47600000 0.00318270,0.00000000,0.33000000,0.00000000,0.54400000,0.59140000,0.83200000,0.19993000,0.13333333,0.38000000,0.61333333,0.97675000,0.45825000,0.35600000 0.00245220,0.00000000,0.33000000,0.00000000,0.54400000,0.57820000,0.71700000,0.20158500,0.13333333,0.38000000,0.61333333,0.99225000,0.39850000,0.39600000 0.00402020,0.00000000,0.33000000,0.00000000,0.54400000,0.63820000,0.67200000,0.17662500,0.13333333,0.38000000,0.61333333,0.98802500,0.25900000,0.46200000 0.00475470,0.00000000,0.33000000,0.00000000,0.54400000,0.61130000,0.58800000,0.20009500,0.13333333,0.38000000,0.61333333,0.99057500,0.31825000,0.42000000 0.00181590,0.00000000,0.24600000,0.00000000,0.49300000,0.63760000,0.54300000,0.22702000,0.16666667,0.35875000,0.65333333,0.99225000,0.17175000,0.46200000 0.00351140,0.00000000,0.24600000,0.00000000,0.49300000,0.60410000,0.49900000,0.23605500,0.16666667,0.35875000,0.65333333,0.99225000,0.19250000,0.40800000 0.00283920,0.00000000,0.24600000,0.00000000,0.49300000,0.57080000,0.74300000,0.23605500,0.16666667,0.35875000,0.65333333,0.97782500,0.29350000,0.37000000 0.00341090,0.00000000,0.24600000,0.00000000,0.49300000,0.64150000,0.40100000,0.23605500,0.16666667,0.35875000,0.65333333,0.99225000,0.15300000,0.50000000 0.00303470,0.00000000,0.24600000,0.00000000,0.49300000,0.63120000,0.28900000,0.27079500,0.16666667,0.35875000,0.65333333,0.99225000,0.15375000,0.46000000 0.00241030,0.00000000,0.24600000,0.00000000,0.49300000,0.60830000,0.43700000,0.27079500,0.16666667,0.35875000,0.65333333,0.99225000,0.31975000,0.44400000 0.00066170,0.00000000,0.10800000,0.00000000,0.46000000,0.58680000,0.25800000,0.26073000,0.13333333,0.53750000,0.56333333,0.95610000,0.24925000,0.38600000 0.00067240,0.00000000,0.10800000,0.00000000,0.46000000,0.63330000,0.17200000,0.26073000,0.13333333,0.53750000,0.56333333,0.93802500,0.18350000,0.45200000 0.00050230,0.35000000,0.20200000,0.00000000,0.43790000,0.57060000,0.28400000,0.33203500,0.03333333,0.38000000,0.56333333,0.98505000,0.31075000,0.34200000 0.00034660,0.35000000,0.20200000,0.00000000,0.43790000,0.60310000,0.23300000,0.33203500,0.03333333,0.38000000,0.56333333,0.90562500,0.19575000,0.38800000 0.00050830,0.00000000,0.17300000,0.00000000,0.51500000,0.63160000,0.38100000,0.32292000,0.16666667,0.28000000,0.67333333,0.97427500,0.14200000,0.44400000 0.00037380,0.00000000,0.17300000,0.00000000,0.51500000,0.63100000,0.38500000,0.32292000,0.16666667,0.28000000,0.67333333,0.97350000,0.16875000,0.41400000 0.00034270,0.00000000,0.17300000,0.00000000,0.51500000,0.58690000,0.46300000,0.26155500,0.16666667,0.28000000,0.67333333,0.99225000,0.24500000,0.39000000 0.00030410,0.00000000,0.17300000,0.00000000,0.51500000,0.58950000,0.59600000,0.28075000,0.16666667,0.28000000,0.67333333,0.98702500,0.26400000,0.37000000 0.00033060,0.00000000,0.17300000,0.00000000,0.51500000,0.60590000,0.37300000,0.24061000,0.16666667,0.28000000,0.67333333,0.99035000,0.21275000,0.41200000 0.00054970,0.00000000,0.17300000,0.00000000,0.51500000,0.59850000,0.45400000,0.24061000,0.16666667,0.28000000,0.67333333,0.99225000,0.24350000,0.38000000 0.00013010,0.35000000,0.05066667,0.00000000,0.44200000,0.72410000,0.49300000,0.35189500,0.03333333,0.35500000,0.51666667,0.98685000,0.13725000,0.65400000 0.00024980,0.00000000,0.06300000,0.00000000,0.51800000,0.65400000,0.59700000,0.31334500,0.03333333,0.52750000,0.53000000,0.97490000,0.21625000,0.33000000 0.00025430,0.55000000,0.12600000,0.00000000,0.48400000,0.66960000,0.56400000,0.28660500,0.16666667,0.46250000,0.58666667,0.99225000,0.17950000,0.47800000 0.00030490,0.55000000,0.12600000,0.00000000,0.48400000,0.68740000,0.28100000,0.32327000,0.16666667,0.46250000,0.58666667,0.96992500,0.11525000,0.62400000 0.00061620,0.00000000,0.14633333,0.00000000,0.44200000,0.58980000,0.52300000,0.40068000,0.10000000,0.44000000,0.62666667,0.91152500,0.31675000,0.34400000 0.00018700,0.85000000,0.13833333,0.00000000,0.42900000,0.65160000,0.27700000,0.42676500,0.13333333,0.43875000,0.59666667,0.98107500,0.15900000,0.46200000 0.00015010,0.80000000,0.06700000,0.00000000,0.43500000,0.66350000,0.29700000,0.41720000,0.13333333,0.35000000,0.56666667,0.97735000,0.14975000,0.49000000 0.00028990,0.40000000,0.04166667,0.00000000,0.42900000,0.69390000,0.34500000,0.43960500,0.03333333,0.41875000,0.65666667,0.97462500,0.14725000,0.53200000 0.00079500,0.60000000,0.05633333,0.00000000,0.41100000,0.65790000,0.35900000,0.53551500,0.13333333,0.51375000,0.61000000,0.92695000,0.13725000,0.48200000 0.00072440,0.60000000,0.05633333,0.00000000,0.41100000,0.58840000,0.18500000,0.53551500,0.13333333,0.51375000,0.61000000,0.98082500,0.19475000,0.37200000 0.00017090,0.90000000,0.06733333,0.00000000,0.41000000,0.67280000,0.36100000,0.60632500,0.16666667,0.23375000,0.56666667,0.96115000,0.11250000,0.60200000 0.00043010,0.80000000,0.06366667,0.00000000,0.41300000,0.56630000,0.21900000,0.52928500,0.13333333,0.41750000,0.73333333,0.95700000,0.20125000,0.36400000 0.08982960,0.00000000,0.60333333,1.00000000,0.77000000,0.62120000,0.97400000,0.10611000,0.80000000,0.83250000,0.67333333,0.94432500,0.44000000,0.35600000 0.03849700,0.00000000,0.60333333,1.00000000,0.77000000,0.63950000,0.91000000,0.12526000,0.80000000,0.83250000,0.67333333,0.97835000,0.33175000,0.43400000 0.05201770,0.00000000,0.60333333,1.00000000,0.77000000,0.61270000,0.83400000,0.13613500,0.80000000,0.83250000,0.67333333,0.98857500,0.28700000,0.45400000 0.04261310,0.00000000,0.60333333,0.00000000,0.77000000,0.61120000,0.81300000,0.12545500,0.80000000,0.83250000,0.67333333,0.97685000,0.31675000,0.45200000 0.03836840,0.00000000,0.60333333,0.00000000,0.77000000,0.62510000,0.91100000,0.11477500,0.80000000,0.83250000,0.67333333,0.87662500,0.35475000,0.39800000 0.03678220,0.00000000,0.60333333,0.00000000,0.77000000,0.53620000,0.96200000,0.10518000,0.80000000,0.83250000,0.67333333,0.95197500,0.25475000,0.41600000 0.04222390,0.00000000,0.60333333,1.00000000,0.77000000,0.58030000,0.89000000,0.09523500,0.80000000,0.83250000,0.67333333,0.88260000,0.36600000,0.33600000 0.03474280,0.00000000,0.60333333,1.00000000,0.71800000,0.87800000,0.82900000,0.09523500,0.80000000,0.83250000,0.67333333,0.88637500,0.13225000,0.43800000 0.03696950,0.00000000,0.60333333,0.00000000,0.71800000,0.49630000,0.91400000,0.08761500,0.80000000,0.83250000,0.67333333,0.79007500,0.35000000,0.43800000 0.13522200,0.00000000,0.60333333,0.00000000,0.63100000,0.38630000,1.00000000,0.07553000,0.80000000,0.83250000,0.67333333,0.32855000,0.33325000,0.46200000 0.04898220,0.00000000,0.60333333,0.00000000,0.63100000,0.49700000,1.00000000,0.06662500,0.80000000,0.83250000,0.67333333,0.93880000,0.08150000,1.00000000 0.05669980,0.00000000,0.60333333,1.00000000,0.63100000,0.66830000,0.96800000,0.06783500,0.80000000,0.83250000,0.67333333,0.93832500,0.09325000,1.00000000 0.09232300,0.00000000,0.60333333,0.00000000,0.63100000,0.62160000,1.00000000,0.05845500,0.80000000,0.83250000,0.67333333,0.91537500,0.23825000,1.00000000 0.08267250,0.00000000,0.60333333,1.00000000,0.66800000,0.58750000,0.89600000,0.05648000,0.80000000,0.83250000,0.67333333,0.86970000,0.22200000,1.00000000 0.11108100,0.00000000,0.60333333,0.00000000,0.66800000,0.49060000,1.00000000,0.05871000,0.80000000,0.83250000,0.67333333,0.99225000,0.86925000,0.27600000 0.18498200,0.00000000,0.60333333,0.00000000,0.66800000,0.41380000,1.00000000,0.05685000,0.80000000,0.83250000,0.67333333,0.99225000,0.94925000,0.27600000 0.15288000,0.00000000,0.60333333,0.00000000,0.67100000,0.66490000,0.93300000,0.06724500,0.80000000,0.83250000,0.67333333,0.90755000,0.58100000,0.27800000 0.09823490,0.00000000,0.60333333,0.00000000,0.67100000,0.67940000,0.98800000,0.06790000,0.80000000,0.83250000,0.67333333,0.99225000,0.53100000,0.26600000 0.23648200,0.00000000,0.60333333,0.00000000,0.67100000,0.63800000,0.96200000,0.06930500,0.80000000,0.83250000,0.67333333,0.99225000,0.59225000,0.26200000 0.17866700,0.00000000,0.60333333,0.00000000,0.67100000,0.62230000,1.00000000,0.06930500,0.80000000,0.83250000,0.67333333,0.98435000,0.54450000,0.20400000 0.15874400,0.00000000,0.60333333,0.00000000,0.67100000,0.65450000,0.99100000,0.07596000,0.80000000,0.83250000,0.67333333,0.99225000,0.52700000,0.21800000 0.09187020,0.00000000,0.60333333,0.00000000,0.70000000,0.55360000,1.00000000,0.07902000,0.80000000,0.83250000,0.67333333,0.99225000,0.59000000,0.22600000 0.07992480,0.00000000,0.60333333,0.00000000,0.70000000,0.55200000,1.00000000,0.07665500,0.80000000,0.83250000,0.67333333,0.99225000,0.61400000,0.24600000 0.20084900,0.00000000,0.60333333,0.00000000,0.70000000,0.43680000,0.91200000,0.07197500,0.80000000,0.83250000,0.67333333,0.71457500,0.76575000,0.17600000 0.24393800,0.00000000,0.60333333,0.00000000,0.70000000,0.46520000,1.00000000,0.07336000,0.80000000,0.83250000,0.67333333,0.99225000,0.70700000,0.21000000 0.22597100,0.00000000,0.60333333,0.00000000,0.70000000,0.50000000,0.89500000,0.07592000,0.80000000,0.83250000,0.67333333,0.99225000,0.79975000,0.14800000 0.14333700,0.00000000,0.60333333,0.00000000,0.70000000,0.48800000,1.00000000,0.07947500,0.80000000,0.83250000,0.67333333,0.93230000,0.76550000,0.20400000 0.08151740,0.00000000,0.60333333,0.00000000,0.70000000,0.53900000,0.98900000,0.08640500,0.80000000,0.83250000,0.67333333,0.99225000,0.52125000,0.23000000 0.05293050,0.00000000,0.60333333,0.00000000,0.70000000,0.60510000,0.82500000,0.10839000,0.80000000,0.83250000,0.67333333,0.94595000,0.46900000,0.46400000 0.11577900,0.00000000,0.60333333,0.00000000,0.70000000,0.50360000,0.97000000,0.08850000,0.80000000,0.83250000,0.67333333,0.99225000,0.64200000,0.19400000 0.08644760,0.00000000,0.60333333,0.00000000,0.69300000,0.61930000,0.92600000,0.08956000,0.80000000,0.83250000,0.67333333,0.99225000,0.37925000,0.27600000 0.13359800,0.00000000,0.60333333,0.00000000,0.69300000,0.58870000,0.94700000,0.08910500,0.80000000,0.83250000,0.67333333,0.99225000,0.40875000,0.25400000 0.05872050,0.00000000,0.60333333,0.00000000,0.69300000,0.64050000,0.96000000,0.08384000,0.80000000,0.83250000,0.67333333,0.99225000,0.48425000,0.25000000 0.07672020,0.00000000,0.60333333,0.00000000,0.69300000,0.57470000,0.98900000,0.08167000,0.80000000,0.83250000,0.67333333,0.98275000,0.49800000,0.17000000 0.38351800,0.00000000,0.60333333,0.00000000,0.69300000,0.54530000,1.00000000,0.07448000,0.80000000,0.83250000,0.67333333,0.99225000,0.76475000,0.10000000 0.09916550,0.00000000,0.60333333,0.00000000,0.69300000,0.58520000,0.77800000,0.07502000,0.80000000,0.83250000,0.67333333,0.84540000,0.74925000,0.12600000 0.14236200,0.00000000,0.60333333,0.00000000,0.69300000,0.63430000,1.00000000,0.07870500,0.80000000,0.83250000,0.67333333,0.99225000,0.50800000,0.14400000 0.09595710,0.00000000,0.60333333,0.00000000,0.69300000,0.64040000,1.00000000,0.08195000,0.80000000,0.83250000,0.67333333,0.94027500,0.50775000,0.24200000 0.24801700,0.00000000,0.60333333,0.00000000,0.69300000,0.53490000,0.96000000,0.08514000,0.80000000,0.83250000,0.67333333,0.99225000,0.49425000,0.16600000 0.41529200,0.00000000,0.60333333,0.00000000,0.69300000,0.55310000,0.85400000,0.08037000,0.80000000,0.83250000,0.67333333,0.82365000,0.68450000,0.17000000 0.20716200,0.00000000,0.60333333,0.00000000,0.65900000,0.41380000,1.00000000,0.05890500,0.80000000,0.83250000,0.67333333,0.92555000,0.58350000,0.23800000 0.11951100,0.00000000,0.60333333,0.00000000,0.65900000,0.56080000,1.00000000,0.06426000,0.80000000,0.83250000,0.67333333,0.83022500,0.30325000,0.55800000 0.07403890,0.00000000,0.60333333,0.00000000,0.59700000,0.56170000,0.97900000,0.07273500,0.80000000,0.83250000,0.67333333,0.78660000,0.66000000,0.34400000 0.14438300,0.00000000,0.60333333,0.00000000,0.59700000,0.68520000,1.00000000,0.07327500,0.80000000,0.83250000,0.67333333,0.44840000,0.49450000,0.55000000 0.14050700,0.00000000,0.60333333,0.00000000,0.59700000,0.66570000,1.00000000,0.07637500,0.80000000,0.83250000,0.67333333,0.08762500,0.53050000,0.34400000 0.18811000,0.00000000,0.60333333,0.00000000,0.59700000,0.46280000,1.00000000,0.07769500,0.80000000,0.83250000,0.67333333,0.07197500,0.85925000,0.35800000 0.28655800,0.00000000,0.60333333,0.00000000,0.59700000,0.51550000,1.00000000,0.07947000,0.80000000,0.83250000,0.67333333,0.52742500,0.50200000,0.32600000 0.45746100,0.00000000,0.60333333,0.00000000,0.69300000,0.45190000,1.00000000,0.08291000,0.80000000,0.83250000,0.67333333,0.22067500,0.92450000,0.14000000 0.10834200,0.00000000,0.60333333,0.00000000,0.67900000,0.67820000,0.90800000,0.09097500,0.80000000,0.83250000,0.67333333,0.05392500,0.64475000,0.15000000 0.25940600,0.00000000,0.60333333,0.00000000,0.67900000,0.53040000,0.89100000,0.08237500,0.80000000,0.83250000,0.67333333,0.31840000,0.66600000,0.20800000 0.73534100,0.00000000,0.60333333,0.00000000,0.67900000,0.59570000,1.00000000,0.09013000,0.80000000,0.83250000,0.67333333,0.04112500,0.51550000,0.17600000 0.11812300,0.00000000,0.60333333,0.00000000,0.71800000,0.68240000,0.76500000,0.08970000,0.80000000,0.83250000,0.67333333,0.12112500,0.56850000,0.16800000 0.07022590,0.00000000,0.60333333,0.00000000,0.71800000,0.60060000,0.95300000,0.09373000,0.80000000,0.83250000,0.67333333,0.79995000,0.39250000,0.28400000 0.12048200,0.00000000,0.60333333,0.00000000,0.61400000,0.56480000,0.87600000,0.09756000,0.80000000,0.83250000,0.67333333,0.72887500,0.35250000,0.41600000 0.07050420,0.00000000,0.60333333,0.00000000,0.61400000,0.61030000,0.85100000,0.10109000,0.80000000,0.83250000,0.67333333,0.00630000,0.58225000,0.26800000 0.08792120,0.00000000,0.60333333,0.00000000,0.58400000,0.55650000,0.70600000,0.10317500,0.80000000,0.83250000,0.67333333,0.00912500,0.42900000,0.23400000 0.12247200,0.00000000,0.60333333,0.00000000,0.58400000,0.58370000,0.59700000,0.09988000,0.80000000,0.83250000,0.67333333,0.06162500,0.39225000,0.20400000 0.37661900,0.00000000,0.60333333,0.00000000,0.67900000,0.62020000,0.78700000,0.09314500,0.80000000,0.83250000,0.67333333,0.04705000,0.36300000,0.21800000 0.07367110,0.00000000,0.60333333,0.00000000,0.67900000,0.61930000,0.78100000,0.09678000,0.80000000,0.83250000,0.67333333,0.24182500,0.53800000,0.22000000 0.09338890,0.00000000,0.60333333,0.00000000,0.67900000,0.63800000,0.95600000,0.09841000,0.80000000,0.83250000,0.67333333,0.15180000,0.60200000,0.19000000 0.10062300,0.00000000,0.60333333,0.00000000,0.58400000,0.68330000,0.94300000,0.10441000,0.80000000,0.83250000,0.67333333,0.20332500,0.49225000,0.28200000 0.06444050,0.00000000,0.60333333,0.00000000,0.58400000,0.64250000,0.74800000,0.11002000,0.80000000,0.83250000,0.67333333,0.24487500,0.30075000,0.32200000 0.05581070,0.00000000,0.60333333,0.00000000,0.71300000,0.64360000,0.87900000,0.11579000,0.80000000,0.83250000,0.67333333,0.25047500,0.40550000,0.28600000 0.13913400,0.00000000,0.60333333,0.00000000,0.71300000,0.62080000,0.95000000,0.11111000,0.80000000,0.83250000,0.67333333,0.25157500,0.37925000,0.23400000 0.14420800,0.00000000,0.60333333,0.00000000,0.74000000,0.64610000,0.93300000,0.10013000,0.80000000,0.83250000,0.67333333,0.06872500,0.45125000,0.19200000 0.15177200,0.00000000,0.60333333,0.00000000,0.74000000,0.61520000,1.00000000,0.09571000,0.80000000,0.83250000,0.67333333,0.02330000,0.66125000,0.17400000 0.13678100,0.00000000,0.60333333,0.00000000,0.74000000,0.59350000,0.87900000,0.09103000,0.80000000,0.83250000,0.67333333,0.17237500,0.85050000,0.16800000 0.09390630,0.00000000,0.60333333,0.00000000,0.74000000,0.56270000,0.93900000,0.09086000,0.80000000,0.83250000,0.67333333,0.99225000,0.57200000,0.25600000 0.09724180,0.00000000,0.60333333,0.00000000,0.74000000,0.64060000,0.97200000,0.10325500,0.80000000,0.83250000,0.67333333,0.96490000,0.48800000,0.34200000 0.05666370,0.00000000,0.60333333,0.00000000,0.74000000,0.62190000,1.00000000,0.10024000,0.80000000,0.83250000,0.67333333,0.98922500,0.41475000,0.36800000 0.09966540,0.00000000,0.60333333,0.00000000,0.74000000,0.64850000,1.00000000,0.09892000,0.80000000,0.83250000,0.67333333,0.96682500,0.47125000,0.30800000 0.12802300,0.00000000,0.60333333,0.00000000,0.74000000,0.58540000,0.96600000,0.09478000,0.80000000,0.83250000,0.67333333,0.60130000,0.59475000,0.21600000 0.06288070,0.00000000,0.60333333,0.00000000,0.74000000,0.63410000,0.96400000,0.10360000,0.80000000,0.83250000,0.67333333,0.79502500,0.44475000,0.29800000 0.09924850,0.00000000,0.60333333,0.00000000,0.74000000,0.62510000,0.96600000,0.10990000,0.80000000,0.83250000,0.67333333,0.97130000,0.41100000,0.25200000 0.09329090,0.00000000,0.60333333,0.00000000,0.71300000,0.61850000,0.98700000,0.11308000,0.80000000,0.83250000,0.67333333,0.99225000,0.45325000,0.28200000 0.07526010,0.00000000,0.60333333,0.00000000,0.71300000,0.64170000,0.98300000,0.10925000,0.80000000,0.83250000,0.67333333,0.76052500,0.48275000,0.26000000 0.05441140,0.00000000,0.60333333,0.00000000,0.71300000,0.66550000,0.98200000,0.11776000,0.80000000,0.83250000,0.67333333,0.88822500,0.44325000,0.30400000 0.05090170,0.00000000,0.60333333,0.00000000,0.71300000,0.62970000,0.91800000,0.11841000,0.80000000,0.83250000,0.67333333,0.96272500,0.43175000,0.32200000 0.08248090,0.00000000,0.60333333,0.00000000,0.71300000,0.73930000,0.99300000,0.12263500,0.80000000,0.83250000,0.67333333,0.93967500,0.41850000,0.35600000 0.09513630,0.00000000,0.60333333,0.00000000,0.71300000,0.67280000,0.94100000,0.12480500,0.80000000,0.83250000,0.67333333,0.01670000,0.46775000,0.29800000 0.04668830,0.00000000,0.60333333,0.00000000,0.71300000,0.59760000,0.87900000,0.12903000,0.80000000,0.83250000,0.67333333,0.02620000,0.47525000,0.25400000 0.08200580,0.00000000,0.60333333,0.00000000,0.71300000,0.59360000,0.80300000,0.13896000,0.80000000,0.83250000,0.67333333,0.00875000,0.42350000,0.27000000 0.07752230,0.00000000,0.60333333,0.00000000,0.71300000,0.63010000,0.83700000,0.13915500,0.80000000,0.83250000,0.67333333,0.68052500,0.40575000,0.29800000 0.06801170,0.00000000,0.60333333,0.00000000,0.71300000,0.60810000,0.84400000,0.13587500,0.80000000,0.83250000,0.67333333,0.99225000,0.36750000,0.40000000 0.03693110,0.00000000,0.60333333,0.00000000,0.71300000,0.63760000,0.88400000,0.12835500,0.80000000,0.83250000,0.67333333,0.97857500,0.36625000,0.35400000 0.06654920,0.00000000,0.60333333,0.00000000,0.71300000,0.63170000,0.83000000,0.13672000,0.80000000,0.83250000,0.67333333,0.99225000,0.34975000,0.39000000 0.05821150,0.00000000,0.60333333,0.00000000,0.71300000,0.65130000,0.89900000,0.14008000,0.80000000,0.83250000,0.67333333,0.98455000,0.25725000,0.40400000 0.07839320,0.00000000,0.60333333,0.00000000,0.65500000,0.62090000,0.65400000,0.14817000,0.80000000,0.83250000,0.67333333,0.99225000,0.33050000,0.42800000 0.03774980,0.00000000,0.60333333,0.00000000,0.65500000,0.59520000,0.84700000,0.14357500,0.80000000,0.83250000,0.67333333,0.05502500,0.42875000,0.38000000 0.04422280,0.00000000,0.60333333,0.00000000,0.58400000,0.60030000,0.94500000,0.12701500,0.80000000,0.83250000,0.67333333,0.82822500,0.53300000,0.38200000 0.15575700,0.00000000,0.60333333,0.00000000,0.58000000,0.59260000,0.71000000,0.14542000,0.80000000,0.83250000,0.67333333,0.92185000,0.45325000,0.38200000 0.13075100,0.00000000,0.60333333,0.00000000,0.58000000,0.57130000,0.56700000,0.14118500,0.80000000,0.83250000,0.67333333,0.99225000,0.36900000,0.40200000 0.04038410,0.00000000,0.60333333,0.00000000,0.53200000,0.62290000,0.90700000,0.15496500,0.80000000,0.83250000,0.67333333,0.98832500,0.32175000,0.39200000 0.03568680,0.00000000,0.60333333,0.00000000,0.58000000,0.64370000,0.75000000,0.14482500,0.80000000,0.83250000,0.67333333,0.98342500,0.35900000,0.46400000 0.04646890,0.00000000,0.60333333,0.00000000,0.61400000,0.69800000,0.67600000,0.12664500,0.80000000,0.83250000,0.67333333,0.93670000,0.29150000,0.59600000 0.08055790,0.00000000,0.60333333,0.00000000,0.58400000,0.54270000,0.95400000,0.12149000,0.80000000,0.83250000,0.67333333,0.88145000,0.45350000,0.27600000 0.04871410,0.00000000,0.60333333,0.00000000,0.61400000,0.64840000,0.93600000,0.11526500,0.80000000,0.83250000,0.67333333,0.99052500,0.46700000,0.33400000 0.15023400,0.00000000,0.60333333,0.00000000,0.61400000,0.53040000,0.97300000,0.10503500,0.80000000,0.83250000,0.67333333,0.87370000,0.62275000,0.24000000 0.10233000,0.00000000,0.60333333,0.00000000,0.61400000,0.61850000,0.96700000,0.10852500,0.80000000,0.83250000,0.67333333,0.94925000,0.45075000,0.29200000 0.14333700,0.00000000,0.60333333,0.00000000,0.61400000,0.62290000,0.88000000,0.09756000,0.80000000,0.83250000,0.67333333,0.95830000,0.32775000,0.42800000 0.05708180,0.00000000,0.60333333,0.00000000,0.53200000,0.67500000,0.74900000,0.16658500,0.80000000,0.83250000,0.67333333,0.98267500,0.19350000,0.47400000 0.05731160,0.00000000,0.60333333,0.00000000,0.53200000,0.70610000,0.77000000,0.17053000,0.80000000,0.83250000,0.67333333,0.98820000,0.17525000,0.50000000 0.02818380,0.00000000,0.60333333,0.00000000,0.53200000,0.57620000,0.40300000,0.20491500,0.80000000,0.83250000,0.67333333,0.98230000,0.26050000,0.43600000 0.02378570,0.00000000,0.60333333,0.00000000,0.58300000,0.58710000,0.41900000,0.18620000,0.80000000,0.83250000,0.67333333,0.92682500,0.33350000,0.41200000 0.05691750,0.00000000,0.60333333,0.00000000,0.58300000,0.61140000,0.79800000,0.17729500,0.80000000,0.83250000,0.67333333,0.98170000,0.37450000,0.38200000 0.04835670,0.00000000,0.60333333,0.00000000,0.58300000,0.59050000,0.53200000,0.15761500,0.80000000,0.83250000,0.67333333,0.97055000,0.28625000,0.41200000 0.00150860,0.00000000,0.92466667,0.00000000,0.60900000,0.54540000,0.92700000,0.09104500,0.13333333,0.88875000,0.67000000,0.98772500,0.45150000,0.30400000 0.00183370,0.00000000,0.92466667,0.00000000,0.60900000,0.54140000,0.98300000,0.08777000,0.13333333,0.88875000,0.67000000,0.86012500,0.59925000,0.14000000 0.00105740,0.00000000,0.92466667,0.00000000,0.60900000,0.59830000,0.98800000,0.09340500,0.13333333,0.88875000,0.67000000,0.97527500,0.45175000,0.27200000 0.00111320,0.00000000,0.92466667,0.00000000,0.60900000,0.59830000,0.83500000,0.10549500,0.13333333,0.88875000,0.67000000,0.99225000,0.33375000,0.40200000 0.00173310,0.00000000,0.32300000,0.00000000,0.58500000,0.57070000,0.54000000,0.11908500,0.20000000,0.48875000,0.64000000,0.99225000,0.30025000,0.43600000 0.00279570,0.00000000,0.32300000,0.00000000,0.58500000,0.59260000,0.42600000,0.11908500,0.20000000,0.48875000,0.64000000,0.99225000,0.33975000,0.49000000 0.00289600,0.00000000,0.32300000,0.00000000,0.58500000,0.53900000,0.72900000,0.13993000,0.20000000,0.48875000,0.64000000,0.99225000,0.52850000,0.39400000 0.00268380,0.00000000,0.32300000,0.00000000,0.58500000,0.57940000,0.70600000,0.14463500,0.20000000,0.48875000,0.64000000,0.99225000,0.35250000,0.36600000 0.00239120,0.00000000,0.32300000,0.00000000,0.58500000,0.60190000,0.65300000,0.12045500,0.20000000,0.48875000,0.64000000,0.99225000,0.32300000,0.42400000 0.00177830,0.00000000,0.32300000,0.00000000,0.58500000,0.55690000,0.73500000,0.11999500,0.20000000,0.48875000,0.64000000,0.98942500,0.37750000,0.35000000
Test data. Replace comma characters with tabs or modify data loading code.
# boston_test.txt # norm constants: 100, 100, 30, 1, 1, 10, 100, 20, 30, 800, 30, 400, 40, 50 # # crime zoning indus river nox rooms oldness dist access tax pup_tch blackness low_stat med_val 0.00006320,0.18000000,0.07700000,0.00000000,0.53800000,0.65750000,0.65200000,0.20450000,0.03333333,0.37000000,0.51000000,0.99225000,0.12450000,0.48000000 0.00029850,0.00000000,0.07266667,0.00000000,0.45800000,0.64300000,0.58700000,0.30311000,0.10000000,0.27750000,0.62333333,0.98530000,0.13025000,0.57400000 0.00224890,0.12500000,0.26233333,0.00000000,0.52400000,0.63770000,0.94300000,0.31733500,0.16666667,0.38875000,0.50666667,0.98130000,0.51125000,0.30000000 0.00627390,0.00000000,0.27133333,0.00000000,0.53800000,0.58340000,0.56500000,0.22493000,0.13333333,0.38375000,0.70000000,0.98905000,0.21175000,0.39800000 0.01251790,0.00000000,0.27133333,0.00000000,0.53800000,0.55700000,0.98100000,0.18989500,0.13333333,0.38375000,0.70000000,0.94142500,0.52550000,0.27200000 0.00840540,0.00000000,0.27133333,0.00000000,0.53800000,0.55990000,0.85700000,0.22273000,0.13333333,0.38375000,0.70000000,0.75855000,0.41275000,0.27800000 0.01130810,0.00000000,0.27133333,0.00000000,0.53800000,0.57130000,0.94100000,0.21165000,0.13333333,0.38375000,0.70000000,0.90042500,0.56500000,0.25400000 0.00064170,0.00000000,0.19866667,0.00000000,0.49900000,0.59330000,0.68200000,0.16801500,0.16666667,0.34875000,0.64000000,0.99225000,0.24200000,0.37800000 0.00033590,0.75000000,0.09833333,0.00000000,0.42800000,0.70240000,0.15800000,0.27005500,0.10000000,0.31500000,0.61000000,0.98905000,0.04950000,0.69800000 0.00171420,0.00000000,0.23033333,0.00000000,0.44800000,0.56820000,0.33800000,0.25502000,0.10000000,0.29125000,0.59666667,0.99225000,0.25525000,0.38600000 0.00088730,0.21000000,0.18800000,0.00000000,0.43900000,0.59630000,0.45700000,0.34073500,0.13333333,0.30375000,0.56000000,0.98890000,0.33625000,0.39400000 0.00013110,0.90000000,0.04066667,0.00000000,0.40300000,0.72490000,0.21900000,0.43483000,0.16666667,0.28250000,0.59666667,0.98982500,0.12025000,0.70800000 0.00149320,0.25000000,0.17100000,0.00000000,0.45300000,0.57410000,0.66200000,0.36127000,0.26666667,0.35500000,0.65666667,0.98777500,0.32875000,0.37400000 0.00035840,0.80000000,0.11233333,0.00000000,0.39800000,0.62900000,0.17800000,0.33057500,0.13333333,0.42125000,0.53666667,0.99225000,0.11675000,0.47000000 0.00088260,0.00000000,0.36033333,0.00000000,0.41300000,0.64170000,0.06600000,0.26436500,0.13333333,0.38125000,0.64000000,0.95932500,0.16800000,0.48400000 0.00095120,0.00000000,0.42766667,0.00000000,0.43700000,0.62860000,0.45000000,0.22513000,0.16666667,0.49750000,0.62333333,0.95807500,0.22350000,0.42800000 0.00041130,0.25000000,0.16200000,0.00000000,0.42600000,0.67270000,0.33500000,0.27003500,0.13333333,0.35125000,0.63333333,0.99225000,0.13225000,0.56000000 0.00057350,0.00000000,0.14966667,0.00000000,0.44900000,0.66300000,0.56100000,0.22188500,0.10000000,0.30875000,0.61666667,0.98075000,0.16325000,0.53200000 0.00046840,0.00000000,0.11366667,0.00000000,0.48900000,0.64170000,0.66100000,0.15461500,0.06666667,0.33750000,0.59333333,0.98045000,0.22025000,0.45200000 0.00122040,0.00000000,0.09633333,0.00000000,0.44500000,0.66250000,0.57800000,0.17476000,0.06666667,0.34500000,0.60000000,0.89495000,0.16625000,0.56800000 0.00148660,0.00000000,0.28533333,0.00000000,0.52000000,0.67270000,0.79900000,0.13889000,0.16666667,0.48000000,0.69666667,0.98690000,0.23550000,0.55000000 0.00132620,0.00000000,0.28533333,0.00000000,0.52000000,0.58510000,0.96700000,0.10534500,0.16666667,0.48000000,0.69666667,0.98512500,0.41175000,0.39000000 0.00107930,0.00000000,0.28533333,0.00000000,0.52000000,0.61950000,0.54400000,0.13889000,0.16666667,0.48000000,0.69666667,0.98372500,0.32500000,0.43400000 0.00171340,0.00000000,0.33366667,0.00000000,0.54700000,0.59280000,0.88200000,0.12315500,0.20000000,0.54000000,0.59333333,0.86227500,0.39400000,0.36600000 0.00068990,0.00000000,0.85500000,0.00000000,0.58100000,0.58700000,0.69700000,0.11288500,0.06666667,0.23500000,0.63666667,0.97287500,0.35925000,0.44000000 0.00169020,0.00000000,0.85500000,0.00000000,0.58100000,0.59860000,0.88400000,0.09964500,0.06666667,0.23500000,0.63666667,0.96255000,0.37025000,0.42800000 0.00340060,0.00000000,0.72966667,0.00000000,0.62400000,0.64580000,0.98900000,0.10592500,0.13333333,0.54625000,0.70666667,0.98760000,0.31500000,0.38400000 0.00557780,0.00000000,0.72966667,0.00000000,0.62400000,0.63350000,0.98200000,0.10553500,0.13333333,0.54625000,0.70666667,0.98667500,0.42400000,0.36200000 0.00290900,0.00000000,0.72966667,0.00000000,0.62400000,0.61740000,0.93600000,0.08059500,0.13333333,0.54625000,0.70666667,0.97020000,0.60400000,0.28000000 0.02379340,0.00000000,0.65266667,0.00000000,0.87100000,0.61300000,1.00000000,0.07095500,0.16666667,0.50375000,0.49000000,0.43227500,0.69500000,0.27600000 0.01656600,0.00000000,0.65266667,0.00000000,0.87100000,0.61220000,0.97300000,0.08090000,0.16666667,0.50375000,0.49000000,0.93200000,0.35250000,0.43000000 0.03535010,0.00000000,0.65266667,1.00000000,0.87100000,0.61520000,0.82600000,0.08727500,0.16666667,0.50375000,0.49000000,0.22002500,0.37550000,0.31200000 0.01273460,0.00000000,0.65266667,1.00000000,0.60500000,0.62500000,0.92600000,0.08992000,0.16666667,0.50375000,0.49000000,0.84730000,0.13750000,0.54000000 0.02924000,0.00000000,0.65266667,0.00000000,0.60500000,0.61010000,0.93000000,0.11417000,0.16666667,0.50375000,0.49000000,0.60040000,0.24525000,0.50000000 0.01207420,0.00000000,0.65266667,0.00000000,0.60500000,0.58750000,0.94600000,0.12129500,0.16666667,0.50375000,0.49000000,0.73072500,0.36075000,0.34800000 0.00066640,0.00000000,0.13500000,0.00000000,0.51000000,0.65460000,0.33100000,0.15661500,0.16666667,0.37000000,0.55333333,0.97740000,0.13325000,0.58800000 0.00065880,0.00000000,0.08200000,0.00000000,0.48800000,0.77650000,0.83300000,0.13705000,0.10000000,0.24125000,0.59333333,0.98890000,0.18900000,0.79600000 0.00060470,0.00000000,0.08200000,0.00000000,0.48800000,0.61530000,0.68800000,0.16398500,0.10000000,0.24125000,0.59333333,0.96777500,0.32875000,0.59200000 0.00090680,0.45000000,0.11466667,0.00000000,0.43700000,0.69510000,0.21500000,0.32399000,0.16666667,0.49750000,0.50666667,0.94420000,0.12750000,0.74000000 0.00013810,0.80000000,0.01533333,0.00000000,0.42200000,0.78750000,0.32000000,0.28242000,0.13333333,0.31875000,0.48000000,0.98557500,0.07425000,1.00000000 0.00017780,0.95000000,0.04900000,0.00000000,0.40300000,0.71350000,0.13900000,0.38267000,0.10000000,0.50250000,0.56666667,0.96075000,0.11125000,0.65800000 0.00136420,0.00000000,0.35300000,0.00000000,0.48900000,0.58910000,0.22300000,0.19727000,0.13333333,0.34625000,0.62000000,0.99225000,0.27175000,0.45200000 0.00174460,0.00000000,0.35300000,1.00000000,0.48900000,0.59600000,0.92100000,0.19385500,0.13333333,0.34625000,0.62000000,0.98312500,0.43175000,0.43400000 0.00198020,0.00000000,0.35300000,0.00000000,0.48900000,0.61820000,0.42400000,0.19727000,0.13333333,0.34625000,0.62000000,0.98407500,0.23675000,0.50000000 0.00358090,0.00000000,0.20666667,1.00000000,0.50700000,0.69510000,0.88500000,0.14308500,0.26666667,0.38375000,0.58000000,0.97925000,0.24275000,0.53400000 0.00526930,0.00000000,0.20666667,0.00000000,0.50400000,0.87250000,0.83000000,0.14472000,0.26666667,0.38375000,0.58000000,0.95500000,0.11575000,1.00000000 0.00537000,0.00000000,0.20666667,0.00000000,0.50400000,0.59810000,0.68100000,0.18357500,0.26666667,0.38375000,0.58000000,0.94587500,0.29125000,0.48600000 0.00330450,0.00000000,0.20666667,0.00000000,0.50700000,0.60860000,0.61500000,0.18259500,0.26666667,0.38375000,0.58000000,0.94187500,0.27200000,0.48000000 0.00113290,0.30000000,0.16433333,0.00000000,0.42800000,0.68970000,0.54300000,0.31680500,0.20000000,0.37500000,0.55333333,0.97812500,0.28450000,0.44000000 0.00191330,0.22000000,0.19533333,0.00000000,0.43100000,0.56050000,0.70200000,0.39774500,0.23333333,0.41250000,0.63666667,0.97282500,0.46150000,0.37000000 0.00140300,0.22000000,0.19533333,0.00000000,0.43100000,0.64870000,0.13000000,0.36983500,0.23333333,0.41250000,0.63666667,0.99070000,0.14750000,0.48800000 0.00035480,0.80000000,0.12133333,0.00000000,0.39200000,0.58760000,0.19100000,0.46101500,0.03333333,0.39375000,0.54666667,0.98795000,0.23125000,0.41800000 0.00540110,0.20000000,0.13233333,0.00000000,0.64700000,0.72030000,0.81800000,0.10560500,0.16666667,0.33000000,0.43333333,0.98200000,0.23975000,0.67600000 0.00761620,0.20000000,0.13233333,0.00000000,0.64700000,0.55600000,0.62800000,0.09932500,0.16666667,0.33000000,0.43333333,0.98100000,0.26125000,0.45600000 0.00299160,0.20000000,0.23200000,0.00000000,0.46400000,0.58560000,0.42100000,0.22145000,0.10000000,0.27875000,0.62000000,0.97162500,0.32500000,0.42200000 0.00096040,0.40000000,0.21366667,0.00000000,0.44700000,0.68540000,0.42800000,0.21336500,0.13333333,0.31750000,0.58666667,0.99225000,0.07450000,0.64000000 0.00035780,0.20000000,0.11100000,0.00000000,0.44290000,0.78200000,0.64500000,0.23473500,0.16666667,0.27000000,0.49666667,0.96827500,0.09400000,0.90800000 0.00010960,0.55000000,0.07500000,0.00000000,0.38900000,0.64530000,0.31900000,0.36536500,0.03333333,0.37500000,0.51000000,0.98680000,0.20575000,0.44000000 0.00035020,0.80000000,0.16500000,0.00000000,0.41100000,0.68610000,0.27900000,0.25583500,0.13333333,0.30625000,0.64000000,0.99225000,0.08325000,0.57000000 0.00129320,0.00000000,0.46400000,0.00000000,0.43700000,0.66780000,0.31100000,0.29802000,0.13333333,0.36125000,0.53333333,0.99225000,0.15675000,0.57200000 0.00044170,0.70000000,0.07466667,0.00000000,0.40000000,0.68710000,0.47400000,0.39139000,0.16666667,0.44750000,0.49333333,0.97715000,0.15175000,0.49600000 0.00054790,0.33000000,0.07266667,0.00000000,0.47200000,0.66160000,0.58100000,0.16850000,0.23333333,0.27750000,0.61333333,0.98340000,0.22325000,0.56800000 0.02635480,0.00000000,0.33000000,0.00000000,0.54400000,0.49730000,0.37800000,0.12597000,0.13333333,0.38000000,0.61333333,0.87612500,0.31600000,0.32200000 0.00253560,0.00000000,0.33000000,0.00000000,0.54400000,0.57050000,0.77700000,0.19725000,0.13333333,0.38000000,0.61333333,0.99105000,0.28750000,0.32400000 0.00167600,0.00000000,0.24600000,0.00000000,0.49300000,0.64260000,0.52300000,0.22702000,0.16666667,0.35875000,0.65333333,0.99225000,0.18000000,0.47600000 0.00191860,0.00000000,0.24600000,0.00000000,0.49300000,0.64310000,0.14700000,0.27079500,0.16666667,0.35875000,0.65333333,0.98420000,0.12700000,0.49200000 0.00045440,0.00000000,0.10800000,0.00000000,0.46000000,0.61440000,0.32200000,0.29368000,0.13333333,0.53750000,0.56333333,0.92142500,0.22725000,0.39600000 0.00039610,0.00000000,0.17300000,0.00000000,0.51500000,0.60370000,0.34500000,0.29926500,0.16666667,0.28000000,0.67333333,0.99225000,0.20025000,0.42200000 0.00061510,0.00000000,0.17300000,0.00000000,0.51500000,0.59680000,0.58500000,0.24061000,0.16666667,0.28000000,0.67333333,0.99225000,0.23225000,0.37400000 0.00031130,0.00000000,0.14633333,0.00000000,0.44200000,0.60140000,0.48500000,0.40068000,0.10000000,0.44000000,0.62666667,0.96410000,0.26325000,0.35000000 0.00062110,0.40000000,0.04166667,0.00000000,0.42900000,0.64900000,0.44400000,0.43960500,0.03333333,0.41875000,0.65666667,0.99225000,0.14950000,0.45800000 0.00106590,0.80000000,0.06366667,0.00000000,0.41300000,0.59360000,0.19500000,0.52928500,0.13333333,0.41750000,0.73333333,0.94010000,0.13925000,0.41200000 0.04541920,0.00000000,0.60333333,0.00000000,0.77000000,0.63980000,0.88000000,0.12591000,0.80000000,0.83250000,0.67333333,0.93640000,0.19475000,0.50000000 0.04555870,0.00000000,0.60333333,0.00000000,0.71800000,0.35610000,0.87900000,0.08066000,0.80000000,0.83250000,0.67333333,0.88675000,0.17800000,0.55000000 0.06538760,0.00000000,0.60333333,1.00000000,0.63100000,0.70160000,0.97500000,0.06012000,0.80000000,0.83250000,0.67333333,0.98012500,0.07400000,1.00000000 0.19609100,0.00000000,0.60333333,0.00000000,0.67100000,0.73130000,0.97900000,0.06581500,0.80000000,0.83250000,0.67333333,0.99225000,0.33600000,0.30000000 0.88976200,0.00000000,0.60333333,0.00000000,0.67100000,0.69680000,0.91900000,0.07082500,0.80000000,0.83250000,0.67333333,0.99225000,0.43025000,0.20800000 0.16811800,0.00000000,0.60333333,0.00000000,0.70000000,0.52770000,0.98100000,0.07130500,0.80000000,0.83250000,0.67333333,0.99225000,0.77025000,0.14400000 0.06962150,0.00000000,0.60333333,0.00000000,0.70000000,0.57130000,0.97000000,0.09632500,0.80000000,0.83250000,0.67333333,0.98607500,0.42775000,0.30200000 0.08716750,0.00000000,0.60333333,0.00000000,0.69300000,0.64710000,0.98800000,0.08628500,0.80000000,0.83250000,0.67333333,0.97995000,0.42800000,0.26200000 0.25046100,0.00000000,0.60333333,0.00000000,0.69300000,0.59870000,1.00000000,0.07944000,0.80000000,0.83250000,0.67333333,0.99225000,0.66925000,0.11200000 0.67920800,0.00000000,0.60333333,0.00000000,0.69300000,0.56830000,1.00000000,0.07127000,0.80000000,0.83250000,0.67333333,0.96242500,0.57450000,0.10000000 0.51135800,0.00000000,0.60333333,0.00000000,0.59700000,0.57570000,1.00000000,0.07065000,0.80000000,0.83250000,0.67333333,0.00650000,0.25275000,0.30000000 0.18084600,0.00000000,0.60333333,0.00000000,0.67900000,0.64340000,1.00000000,0.09173500,0.80000000,0.83250000,0.67333333,0.06812500,0.72625000,0.14400000 0.11087400,0.00000000,0.60333333,0.00000000,0.71800000,0.64110000,1.00000000,0.09294500,0.80000000,0.83250000,0.67333333,0.79687500,0.37550000,0.33400000 0.15860300,0.00000000,0.60333333,0.00000000,0.67900000,0.58960000,0.95400000,0.09548000,0.80000000,0.83250000,0.67333333,0.01920000,0.60975000,0.16600000 0.08492130,0.00000000,0.60333333,0.00000000,0.58400000,0.63480000,0.86100000,0.10263500,0.80000000,0.83250000,0.67333333,0.20862500,0.44100000,0.29000000 0.11160400,0.00000000,0.60333333,0.00000000,0.74000000,0.66290000,0.94600000,0.10623500,0.80000000,0.83250000,0.67333333,0.27462500,0.58175000,0.26800000 0.22051100,0.00000000,0.60333333,0.00000000,0.74000000,0.58180000,0.92400000,0.09331000,0.80000000,0.83250000,0.67333333,0.97862500,0.55275000,0.21000000 0.10671800,0.00000000,0.60333333,0.00000000,0.74000000,0.64590000,0.94800000,0.09939500,0.80000000,0.83250000,0.67333333,0.10765000,0.59950000,0.23600000 0.06717720,0.00000000,0.60333333,0.00000000,0.71300000,0.67490000,0.92600000,0.11618000,0.80000000,0.83250000,0.67333333,0.00080000,0.43600000,0.26800000 0.04752370,0.00000000,0.60333333,0.00000000,0.71300000,0.65250000,0.86500000,0.12179000,0.80000000,0.83250000,0.67333333,0.12730000,0.45325000,0.28200000 0.04812130,0.00000000,0.60333333,0.00000000,0.71300000,0.67010000,0.90000000,0.12987500,0.80000000,0.83250000,0.67333333,0.63807500,0.41050000,0.32800000 0.03163600,0.00000000,0.60333333,0.00000000,0.65500000,0.57590000,0.48200000,0.15332500,0.80000000,0.83250000,0.67333333,0.83600000,0.35325000,0.39800000 0.04348790,0.00000000,0.60333333,0.00000000,0.58000000,0.61670000,0.84000000,0.15167000,0.80000000,0.83250000,0.67333333,0.99225000,0.40725000,0.39800000 0.06393120,0.00000000,0.60333333,0.00000000,0.58400000,0.61620000,0.97400000,0.11030000,0.80000000,0.83250000,0.67333333,0.75690000,0.60250000,0.26600000 0.05824010,0.00000000,0.60333333,0.00000000,0.53200000,0.62420000,0.64700000,0.17121000,0.80000000,0.83250000,0.67333333,0.99225000,0.26850000,0.46000000 0.03673670,0.00000000,0.60333333,0.00000000,0.58300000,0.63120000,0.51900000,0.19958500,0.80000000,0.83250000,0.67333333,0.97155000,0.26450000,0.42400000 0.00207460,0.00000000,0.92466667,0.00000000,0.60900000,0.50930000,0.98000000,0.09113000,0.13333333,0.88875000,0.67000000,0.79607500,0.74200000,0.16200000 0.00178990,0.00000000,0.32300000,0.00000000,0.58500000,0.56700000,0.28800000,0.13993000,0.20000000,0.48875000,0.64000000,0.98322500,0.44000000,0.46200000 0.00224380,0.00000000,0.32300000,0.00000000,0.58500000,0.60270000,0.79700000,0.12491000,0.20000000,0.48875000,0.64000000,0.99225000,0.35825000,0.33600000 0.00062630,0.00000000,0.39766667,0.00000000,0.57300000,0.65930000,0.69100000,0.12393000,0.03333333,0.34125000,0.70000000,0.97997500,0.24175000,0.44800000 0.00045270,0.00000000,0.39766667,0.00000000,0.57300000,0.61200000,0.76700000,0.11437500,0.03333333,0.34125000,0.70000000,0.99225000,0.22700000,0.41200000 0.00060760,0.00000000,0.39766667,0.00000000,0.57300000,0.69760000,0.91000000,0.10837500,0.03333333,0.34125000,0.70000000,0.99225000,0.14100000,0.47800000 0.00109590,0.00000000,0.39766667,0.00000000,0.57300000,0.67940000,0.89300000,0.11944500,0.03333333,0.34125000,0.70000000,0.98362500,0.16200000,0.44000000 0.00047410,0.00000000,0.39766667,0.00000000,0.57300000,0.60300000,0.80800000,0.12525000,0.03333333,0.34125000,0.70000000,0.99225000,0.19700000,0.23800000
You must be logged in to post a comment.