Glacier train and counterfactuals, navigation between uploaded files, improvements on style, layout

This commit is contained in:
atla8167 2024-10-29 12:35:21 +02:00
parent d142b84e78
commit b2ad2a7452
149 changed files with 50517 additions and 38216 deletions
README.md
base
download_wildboar_datasets.pymethods.pynotes.txtpipeline.py
pipelines
Heart_Disease_Prediction
breast-cancer
dataset_types_pipeline.json
diabetes
ecg-five-days
ford-a
gun-point
italy-power-demand
stroke

@ -1,6 +1,6 @@
<h1>Tabular dataset</h1>
Functionality for tabular data is implemented. Dataset selection provides a prediction of malignancy of breast cancer dataset and a stroke prediction dataset. Which the user
Functionality for tabular data is implemented. Dataset selection provides a prediction of malignancy of breast cancer dataset and a stroke prediction dataset which the user
can access visually using either the plots and the features based on his needs but also the actual data in the form of a table that is depicted in the page. Training of the
classifiers for the tabular dataset has been implemented for some time now and produces adequete results. A user can choose the type of preprocessing to do, the classifier and the
train/test ratio. Visualizing the training results is available through the charts.html page (Pre trained models and visualization) from where plots like Feature importance PCA
@ -8,40 +8,22 @@ classification reports and others are loaded. For counterfactuals explanations D
features to vary parameter which can be exploited using the additional functionality of the dashboard that provides for selection of specific features to vary, select/deselect
and sort based on the importance.
One thing to note is that for the stroke dataset, results of diceml are not so adequete and needs to be improved.
TODO:
1) Add more parameterization on the training
2) Improve Stroke counterfactuals
<h1>Timeseries dataset</h1>
Utilising timeseries datasets is furtherly improved in this version. In the dataset selection the user can pick from 4 different datasets proved by Wildboar and observe the
data in the page for each of them. Moving to training, Wildboar classifiers are added and preprocessing is allowed in them as long as test set ratio. The available classifiers
are RSF and KNN. For counterfactuals and explainability the user can pick the pre trained classifier, decide on a example timeseries entry based on the class and see the computed
Utilising timeseries datasets is furtherly improved in this version. In the dataset selection the user can pick from 6 different datasets provided by Wildboar and observe the
data for each of them. Moving to training, Wildboar and Glacier classifiers are added and preprocessing is allowed. The available classifiers
are RSF and KNN and 1dCNN. For counterfactuals and explainability the user can pick the pre trained classifier, decide on a example timeseries entry based on the class and see the computed
counterfactual live.
TODO:
1) Offer more example entries to pick from (done)
2) Add more paraterization in training
3) Compare different methods
For Glacier things are a bit more complicated and definetely need further improvement. Training of Glacier for now can only be 1dCNN with little configuration. A user can also decide
on an autoencoder that itslef would maybe need more configuration. Then FOr counterfactuals and explainability, there is a computation process of the coutnerfactuals but is not efficient.
A user can pick from a list of contraint factors, and a predicted margin weight value and then run some computations that would produce the counterfactual of the entry. That is not efficient
because the counterfactuals are computed for all the X_test set which is 50 entries but then only 2 of them (one from each category) can be accessed. Also experiments with specific constraints cannot be accessed not presaved and need to be rerun.
on an autoencoder. After the train the user can access the counterfactuals section from where using the pre trained classifier (1dCNN) he can run some experiments for specific contraints
types. These experiments are saved cand can be accessed using the displayed load button.To try the experiments live the user is asked to choose a class label of the example they would like
to try, and pick an actual entry from a series of example entries which will be displayed after its selection. "Run Counterfactual" button will accessd the experiments data and plot the
respective computed counterfactual generated by that specific method.
TODO:
1) Run experiment first (constraint type, predicted margin weight etc) (done)
2) Give access to pre computed experiments (done)
3) Offer more examples entries to pick from (done)
4) Add more parameterization
For wildboar the procedure is the same except for some extra configuration during the training where a test ratio and some prepropcessing can be selected.
<h1> Import </h1>
Importing a dataset is available in this version using the dataset selection navigator. It is important to state the type of the dataset (timeseries or tabular) for the backend. Timeseries and tabular dataset imports arre available.
TODO:
1) Navigate between the uploaded datasets
2) Remove uploaded files
Importing a dataset is available in this version using the dataset selection navigator. It is important to state the type of the dataset (timeseries or tabular) for the backend. Timeseries and tabular dataset imports are available and imported datasets are saved and can be reused later if the user likes to. From there depending on the type of the datasets the respective functionalities
are available.

@ -4,7 +4,7 @@ from wildboar.datasets import load_dataset, list_datasets
# Get the list of all available datasets in the 'wildboar/ucr' repository
available_datasets = list_datasets(repository='wildboar/ucr')
available_datasets = ["ECGFiveDays", "ItalyPowerDemand"]
available_datasets = ["FordB"]
for dataset_name in available_datasets:
try:
# Load the dataset

@ -9,6 +9,7 @@ import numpy as np
from pandas.api.types import is_numeric_dtype
from sklearn.metrics import classification_report
import plotly.express as px
from django.conf import settings
import joblib
from sklearn.decomposition import PCA
from sklearn.manifold import TSNE
@ -26,15 +27,21 @@ from sklearn.metrics import classification_report
from .glacier.src.gc_latentcf_search_1dcnn_function import gc_latentcf_search_1dcnn
from .glacier.src.glacier_compute_counterfactuals import gc_compute_counterfactuals
import re
import json
PIPELINE_PATH = os.path.join(settings.BASE_DIR, "base/pipelines/")
def stats(
dataset_path,
dataset_type,
pos=None,
neg=None,
feature1=None,
feature2=None,
label=None,
name=None,
):
print(dataset_type)
if dataset_type == "tabular":
df = pd.read_csv(dataset_path)
@ -110,6 +117,7 @@ def stats(
fig = px.bar(df, x=feature1, y=feature2, color=label, barmode="group")
fig.update_layout(clickmode="event+select", autosize=True)
elif dataset_type == "timeseries":
# timeseries
df = pd.read_csv(dataset_path)
@ -136,8 +144,14 @@ def stats(
negative_label = "12/11/1990"
positive_label = "17/11/1990"
negative_label_value = 2
positive_label_value = 1
elif name == "ford-a":
negative_label = "Negative label"
positive_label = "Positive label"
# hard coded need to be dynamic based on
# dataset
negative_label_value = neg
positive_label_value = pos
num_timesteps = df.shape[1] - 1
fig = make_subplots(
@ -586,24 +600,24 @@ def training(
# TODO: add 1dcnn train
if model == "glacier":
# Split the lr-list string and convert each value to float
# experiment_arguments[8] = experiment_arguments[8].rstrip(';')
# lr_list = [float(x) for x in experiment_arguments[8].split()]
gc_latentcf_search_1dcnn(
experiment_arguments[0],
data,
int(experiment_arguments[1]),
int(experiment_arguments[2]),
model_path + f"/{experiment_arguments[3]}",
model_path,
autoencoder
autoencoder,
)
elif model == "wildboar_knn" or model == "wildboar_rsf":
X = data.iloc[:, :-1].values
y = data.iloc[:, -1].values
X_train, X_test, y_train, y_test = train_test_split(
X, y, test_size=test_size, random_state=1
)
@ -994,7 +1008,7 @@ def get_ecg_entry(X_test, y_test, i, class_label):
fig = go.Figure()
y = X_test[y_test == class_label].iloc[i]
index = X_test[y_test == class_label].index[i]
if class_label == 0:
name = "Normal ECG"
else:
@ -1269,15 +1283,15 @@ def convert_to_camel_case(s):
return camel_case
# def fetch_line_by_dataset_and_constraint(file_path, dataset, constraint):
# def fetch_line_by_dataset(file_path, dataset, constraint):
def fetch_line_by_dataset_and_constraint(file_path, dataset):
def fetch_line_by_dataset(file_path, dataset):
"""
Fetches a line from the file based on the specified dataset name and constraint.
Fetches a line from the file based on the specified dataset name to retrieve basic information about the dataset.
:param file_path: Path to the input file.
:param dataset: The dataset name to search for.
:param constraint: The constraint value to search for.
:return: The line matching the dataset and constraint, or None if not found.
"""
with open(file_path, "r") as file:
@ -1289,9 +1303,7 @@ def fetch_line_by_dataset_and_constraint(file_path, dataset):
continue
# Use regular expressions for exact match of the dataset
dataset_pattern = rf"--dataset\s+{re.escape(dataset)}\b"
if (
re.search(dataset_pattern, stripped_line)
):
if re.search(dataset_pattern, stripped_line):
return stripped_line
return None
@ -1304,7 +1316,8 @@ def extract_arguments_from_line(line):
:return: A list of argument values found in the line.
"""
# Find all arguments and their values
matches = re.findall(r"(--[\w-]+)((?:\s+[^-][^\s]*)*)", line)
# matches = re.findall(r"(--[\w-]+)((?:\s+[^-][^\s]*)*)", line)
matches = re.findall(r"(--[\w-]+)\s+([^\s]+)", line)
# Extract argument values
arguments = [value.strip() for _, value in matches if value.strip()]
@ -1331,6 +1344,8 @@ def create_tuple_of_models_text_value(available_pre_trained_models):
elif "wildboar_rsf" == model:
available_pretrained_models_text = "Wildboar Random Shapelet Forest"
available_pretrained_models_info.append((model, available_pretrained_models_text))
available_pretrained_models_info.append(
(model, available_pretrained_models_text)
)
return available_pretrained_models_info

@ -6,4 +6,89 @@ Tasks:
while for default he would have access to presets for glacier training following zhen dong's presets
1.3) file management after training
2) Tabular training
3) Uploaded files exploring
3) Uploaded files exploring
----------
14/10/2024
----------
1) glacier downloads the respective dataset -> dataset is given as a parameter (done)
2) IntervalImportance error (when training a 1dCNN model and want to save the importance for future use in plots).
gc_latentcf_search_1dcnn_function.py
Commented out for now...
3) Counterfactual.html looks really bad should be improved (a bit)
4) after 1dCnn train there is an error with classification_report
figure out what to plot after train of 1dCnn to improve
charts.html content
5) add learning rate as parameter to glacier_compute_counterfactuals.py
6) check for more datasets
7) positive negative labels in pipeline json to be part of the dataset information and not of glacier model (done)
8) load experiments text is still json format, should look prettier
9) add ford-a dataset (done)
10) hard coded positive and negative label values during selection of timeseries dataset (done)
11) If no experiments to load case (done)
Counterfactuals.html
1) new experiment, load experiment buttons
1.1) spacing
1.2) aHave buttons active all the time unless another is clicked
2) New experiment run
2.1) enable loaded experiments
3) Load experiments
3.1) when changing timeseries page scrolls up and it is weird
----------
21/10/2024
----------
1) counterfactuals for tabular-> features to vary could have a drop down and a drop up to hide when needed (done)
2) Original Data table does not take up all the card space
3) Tsne should be appended to the DOM imidiately since it is common plot for all the pre trained models
----------
23/10/2024
----------
1) replace dice ml
2) fix counterfactuals.html for time series (prettyfie)
25/10/2024
1) description of extremum
2) functionalitites->explain
3) pages depend on (enabled or disabled) the actions the user took (train a model enables pre-trained.html and counterfactuals.html
otherwise disables)
4) explain workflow
5) home page seperate from dataset selection
6) main buttons
1) tabular
2) timeseries
3) upload -> information
7) Train.html dataframe summary text
- Functionality:
1) after training done: save model as (give a name) with all the cases
Give message: "Model trained succesfully"
"See the results: (click)" -> demonstrate what is displayed at charts.html but in a different page
Goal is to distinguish between pre trained models and newly trained models
save the model or not
1) Save (name, message etc, prompt train another model or counterfactuals)
2) or Retrained (prompt back to the train.html)
2) delete available pre trained models if needed with the use of a button
3) check if coutnerfactual has similar class
- give information about the classifiers
- merge both tables together
feature|original value|counterfactual value
Focus on the web version:
1) no upload
2) no train[]
----------
29/10/2024
----------
1) choose between uploaded files

122
base/pipeline.py Normal file

@ -0,0 +1,122 @@
import os
from .methods import PIPELINE_PATH
import json
class pipeline_json:
def __init__(self, path):
self.json_path = path
if not os.path.exists(self.json_path):
open(self.json_path, "w")
self.data = {} # data becomes a dictionary
else:
jsonFile = open(self.json_path, "r")
self.data = json.load(jsonFile) # data becomes a dictionary
print("Pipeline.json already exists.")
def append_pipeline_json(self, info):
"""
Appends to json object file located in path
:param info: Dictionary to append to json file
:param path: Path where json file is located
:return: File's content
"""
try:
with open(self.json_path, "r") as f:
if os.path.getsize(self.json_path) > 0:
data = json.load(f) # Load the JSON data from the file
else:
data = {}
data.update(info)
with open(self.json_path, 'w') as f:
json.dump(data, f, indent=4) # Write the updated JSON data back to the file
self.data = data
return 1
except Exception as e:
print("herererr: ", e)
return -1
def read_pipline_json(self, key_list):
"""
Fetch a specific key from a json file located in path
:param key_list: Key to look up
:return: result
"""
jsonFile = open(self.json_path, "r")
pipeline_json_data = json.load(jsonFile) # data becomes a dictionary
tmp1 = pipeline_json_data
tmp = {}
if key_list != "":
for key in key_list:
try:
tmp = tmp1[key]
tmp1 = tmp
except Exception as e:
print(e)
return None
return tmp1
else:
return None
def update_pipeline_json(self, key_list, info):
jsonFile = open(self.json_path, "r")
pipeline_json_data = json.load(jsonFile) # data becomes a dictionary
tmp1 = pipeline_json_data
if key_list != "":
for key in key_list:
try:
tmp = tmp1[key]
tmp1 = tmp
except Exception as e:
print(e)
return None
tmp1.update(info)
with open(self.json_path, 'w') as file:
json.dump(pipeline_json_data, file, indent=4)
self.data = data
else:
return None
def check_key_pipeline_json(self, key):
keys = get_all_keys(self.data)
if key in keys:
return 1
return 0
def get_keys_with_specific_value(self, value):
list_of_keys = []
for key,value in self.data.items():
if "uploaded" in value:
list_of_keys.append(key)
print(list_of_keys)
return list_of_keys
# if "classifier" in pipeline_json.keys():
# temp_jason = {model_name: preprocessing_info}
# pipeline_json["classifier"].update(temp_jason)
# else:
# temp_jason = {
# "preprocessed_name": df_name + "_preprocessed.csv",
# "classifier": {model_name: preprocessing_info},
# }
# pipeline_json.update(temp_jason)
def get_all_keys(d):
keys = []
for key, value in d.items():
keys.append(key)
if isinstance(value, dict): # If value is a dictionary, call the function recursively
keys.extend(get_all_keys(value))
return keys

@ -0,0 +1,271 @@
Heart_Disease,Age,Sex,Chest_pain_type,BP,Cholesterol,FBS_over_120,EKG_results,Max_HR,Exercise_angina,ST_depression,Slope_of_ST,Number_of_vessels_fluro,Thallium
1,1.7120935619078423,1,0.8709276495728916,-0.07540984392780764,1.4022123179058135,0,0.9816636461569526,-1.7592081128872459,0,1.1810123520089562,0.6764192786728188,2.4726821928767904,-0.8757058119953168
0,1.38213977053374,0,-0.18355874228666322,-0.9167593422959157,6.093004497506769,0,0.9816636461569526,0.44640926983672535,0,0.48115318044809335,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,0.2822937992867323,1,-1.238045134146218,-0.41194964327505085,0.2198225536262337,0,-1.0262847209822685,-0.37529132372710705,0,-0.656117973338309,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,1.0521859791596377,1,0.8709276495728916,-0.18758977704355537,0.25858943114359695,0,-1.0262847209822685,-1.9321977115322633,1,-0.743600369783417,0.6764192786728188,0.3498707713291484,1.189277325460889
0,2.1520319504066454,0,-1.238045134146218,-0.6363095095065463,0.3748900636956868,0,0.9816636461569526,-1.2402393169521937,1,-0.743600369783417,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,1.1621705762843384,1,0.8709276495728916,-0.6363095095065463,-1.4083863021030236,0,-1.0262847209822685,-0.4185387233883614,0,-0.5686355768932012,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,0.17230920216203158,1,-0.18355874228666322,-0.07540984392780764,0.12290535983282552,1,0.9816636461569526,-0.3320439240658527,1,-0.3936707840029855,0.6764192786728188,0.3498707713291484,0.6730315410968375
1,0.5022629935361339,1,0.8709276495728916,-1.1972091750852851,-0.20661309906476227,0,0.9816636461569526,-0.3320439240658527,1,0.13122359466766173,0.6764192786728188,0.3498707713291484,1.189277325460889
1,0.6122475906608347,1,0.8709276495728916,0.4854898216509311,0.840092593904046,0,0.9816636461569526,0.8788832664492687,0,0.13122359466766173,0.6764192786728188,1.4112764821029693,1.189277325460889
1,0.942201382034937,0,0.8709276495728916,1.0463894872296697,3.0498046123937526,0,0.9816636461569526,0.18692487186919932,0,2.5807306951306823,0.6764192786728188,2.4726821928767904,1.189277325460889
0,0.5022629935361339,1,0.8709276495728916,0.20503998886156172,-0.30353029285817046,0,-1.0262847209822685,0.4896566694979797,0,-0.48115318044809335,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-0.15764458921207072,1,0.8709276495728916,0.5976697547666788,-0.45859780292762353,0,0.9816636461569526,-1.6727133135647372,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-1.1475059633343776,1,-0.18355874228666322,0.4854898216509311,-0.2841468540994888,0,0.9816636461569526,1.311357263061812,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.7222321877855354,1,-2.2925315260057726,0.14895002230368784,-0.30353029285817046,0,-1.0262847209822685,-0.2023017250820897,0,1.355977144899172,0.6764192786728188,1.4112764821029693,-0.8757058119953168
0,0.2822937992867323,0,0.8709276495728916,-0.18758977704355537,1.0339269814908623,0,0.9816636461569526,0.403161870175471,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,1.822078159032543,0,0.8709276495728916,-1.0850292419695373,-1.9511225873461093,0,-1.0262847209822685,-1.0672497183071765,0,0.48115318044809335,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,-0.9275367690849761,1,0.8709276495728916,0.4854898216509311,1.1889944915603154,0,-1.0262847209822685,-1.283486716613448,1,0.656117973338309,0.6764192786728188,1.4112764821029693,1.189277325460889
1,-0.15764458921207072,1,0.8709276495728916,0.4854898216509311,-0.9044168943773011,1,0.9816636461569526,0.23017227153045366,1,1.7933891271247113,2.307072896901936,-0.7115349394446727,1.189277325460889
0,1.0521859791596377,1,-2.2925315260057726,-1.1972091750852851,-0.749349384307848,0,0.9816636461569526,-0.24554912474334403,1,0.656117973338309,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.5874443518331807,1,-2.2925315260057726,0.4854898216509311,-0.9819506494120277,0,-1.0262847209822685,1.2248624637393035,1,0.3061883875578774,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,1.38213977053374,1,0.8709276495728916,-0.6363095095065463,-0.40044748665157864,0,0.9816636461569526,-0.8942601196621591,1,1.355977144899172,0.6764192786728188,1.4112764821029693,1.189277325460889
0,-0.7075675748355745,1,-1.238045134146218,-0.07540984392780764,-0.09031246651267247,0,0.9816636461569526,1.311357263061812,0,-0.743600369783417,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.2574905604590785,1,0.8709276495728916,-0.9167593422959157,1.0339269814908623,0,-1.0262847209822685,1.3546046627230663,0,0.13122359466766173,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.8175521719602753,1,0.8709276495728916,-1.0850292419695373,-0.8850334556186195,0,-1.0262847209822685,-0.28879652440459835,0,-0.8310827662285248,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.04765999208736997,0,-1.238045134146218,0.0367700891879401,0.7431754001106379,1,0.9816636461569526,0.403161870175471,1,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,-0.7075675748355745,0,-0.18355874228666322,-0.07540984392780764,0.49119069624777656,0,-1.0262847209822685,-0.46178612304961575,0,-0.743600369783417,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.9275367690849761,0,0.8709276495728916,0.3733098885351833,-0.12907934403003574,0,0.9816636461569526,0.10043007254669066,1,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.3776137834614723,0,-0.18355874228666322,-0.6363095095065463,0.8788594714214093,0,0.9816636461569526,0.31666707085296236,0,-0.3936707840029855,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,1,-0.18355874228666322,-1.0850292419695373,-0.381064047892897,0,0.9816636461569526,0.662646268142997,0,1.268494748454064,0.6764192786728188,0.3498707713291484,1.189277325460889
0,1.822078159032543,0,-0.18355874228666322,-1.1972091750852851,0.29735630866096024,1,0.9816636461569526,-0.8510127200009048,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.2822937992867323,1,-0.18355874228666322,-0.18758977704355537,-0.40044748665157864,0,0.9816636461569526,0.01393527322418198,0,-0.5686355768932012,0.6764192786728188,0.3498707713291484,1.189277325460889
0,1.2721551734090393,1,0.8709276495728916,1.6072891528084083,-0.41983092541026024,0,0.9816636461569526,-0.5050335227108701,0,1.0935299555638482,-0.9542343395562983,-0.7115349394446727,0.6730315410968375
0,-1.917398143207283,0,-0.18355874228666322,-0.6363095095065463,-0.6718156292731216,0,-1.0262847209822685,0.8788832664492687,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.5022629935361339,1,0.8709276495728916,2.168188818387147,1.47974607294054,0,0.9816636461569526,-0.4185387233883614,1,2.055836316460035,2.307072896901936,-0.7115349394446727,1.189277325460889
1,-0.48759838058617305,1,0.8709276495728916,0.7098496878824265,-0.962567210653346,0,0.9816636461569526,-1.0240023186459222,1,-0.13122359466766184,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,-0.7075675748355745,1,0.8709276495728916,-0.07540984392780764,0.12290535983282552,1,0.9816636461569526,0.01393527322418198,1,-0.9185651626736328,-0.9542343395562983,1.4112764821029693,1.189277325460889
1,0.7222321877855354,1,0.8709276495728916,0.4854898216509311,-0.8268831393425746,0,0.9816636461569526,-0.5050335227108701,1,0.7436003697834168,-0.9542343395562983,0.3498707713291484,1.189277325460889
1,0.5022629935361339,1,-2.2925315260057726,1.6072891528084083,0.4524238187304133,0,0.9816636461569526,-1.0672497183071765,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.3674751575837791,1,-0.18355874228666322,-0.07540984392780764,-1.3502359858269788,0,-1.0262847209822685,0.01393527322418198,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.7075675748355745,1,0.8709276495728916,-0.5241295763907986,-0.53613155796235,0,0.9816636461569526,1.570841661029338,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-1.5874443518331807,1,0.8709276495728916,1.1585694203454175,-0.5167481192036685,0,-1.0262847209822685,1.3546046627230663,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,0.8322167849102362,0,0.8709276495728916,-0.41194964327505085,-0.7881162618252113,0,-1.0262847209822685,0.5761514688204884,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.1475059633343776,1,-0.18355874228666322,-0.07540984392780764,-0.3229137316168521,0,-1.0262847209822685,1.2681098634005576,1,-0.5686355768932012,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.9275367690849761,1,-1.238045134146218,-1.70201887410615,-1.0207175269293909,1,-1.0262847209822685,0.273419671191708,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,0.5022629935361339,1,-0.18355874228666322,-0.2997697101593031,-0.6136653129970766,1,-1.0262847209822685,-0.6780231213558874,0,1.0060475591187408,0.6764192786728188,0.3498707713291484,0.6730315410968375
0,0.3922783964114331,1,-0.18355874228666322,0.4854898216509311,-0.749349384307848,1,0.9816636461569526,0.662646268142997,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.5975829777108738,1,-0.18355874228666322,-0.7484894426222941,-1.9511225873461093,0,0.9816636461569526,-1.0240023186459222,0,-0.2187059911127697,-0.9542343395562983,2.4726821928767904,-0.8757058119953168
1,-1.1475059633343776,1,0.8709276495728916,-1.1972091750852851,-1.0207175269293909,0,0.9816636461569526,1.1816150640780492,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,1.2721551734090393,1,-1.238045134146218,1.6072891528084083,-0.07092902775399083,0,-1.0262847209822685,-1.283486716613448,1,-0.9185651626736328,0.6764192786728188,2.4726821928767904,0.6730315410968375
1,1.1621705762843384,0,0.8709276495728916,1.0463894872296697,-0.4779812416863052,0,0.9816636461569526,-1.5429711145809741,0,-0.04374119822255398,0.6764192786728188,2.4726821928767904,1.189277325460889
1,-1.3674751575837791,1,0.8709276495728916,0.26112995541943557,1.266528246595042,0,-1.0262847209822685,-1.0672497183071765,1,0.656117973338309,0.6764192786728188,-0.7115349394446727,0.6730315410968375
0,-0.2676291863367715,1,-1.238045134146218,-0.18758977704355537,-0.8656500168599378,1,-1.0262847209822685,1.4843468617068294,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,1.1621705762843384,0,-0.18355874228666322,0.4854898216509311,3.243638999980569,1,0.9816636461569526,0.31666707085296236,0,-0.2187059911127697,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,0.942201382034937,0,-1.238045134146218,0.4854898216509311,-1.0594844044467542,0,-1.0262847209822685,1.2681098634005576,0,-0.9185651626736328,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
0,-1.037521366209677,0,-1.238045134146218,-0.07540984392780764,-0.30353029285817046,0,0.9816636461569526,1.0951202647555405,0,-0.3936707840029855,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.47745975470848,0,-1.238045134146218,-1.4776590078746543,-1.0013340881707093,0,-1.0262847209822685,0.79238846712676,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.7222321877855354,1,0.8709276495728916,0.3733098885351833,-1.6216041284485216,0,0.9816636461569526,-1.0672497183071765,1,2.2308011093502507,0.6764192786728188,0.3498707713291484,-0.8757058119953168
0,0.6122475906608347,0,-0.18355874228666322,-0.6363095095065463,-1.389002863344342,1,-1.0262847209822685,-2.3214243084835524,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.5022629935361339,0,0.8709276495728916,2.392548684618643,-0.012778711477945924,0,-1.0262847209822685,-0.28879652440459835,1,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.8322167849102362,1,-1.238045134146218,-0.6363095095065463,0.6074913287998664,0,0.9816636461569526,-2.018692510854772,0,0.3061883875578774,0.6764192786728188,0.3498707713291484,1.189277325460889
0,0.2822937992867323,1,-0.18355874228666322,1.0463894872296697,-2.396941678795787,1,-1.0262847209822685,1.0086254654330318,0,-0.743600369783417,-0.9542343395562983,0.3498707713291484,1.189277325460889
1,-0.3776137834614723,0,0.8709276495728916,-0.07540984392780764,1.0726938590082256,0,-1.0262847209822685,-0.3320439240658527,1,0.13122359466766173,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-1.1475059633343776,1,-0.18355874228666322,-0.6363095095065463,-0.45859780292762353,0,-1.0262847209822685,0.8356358667880144,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.6122475906608347,0,-2.2925315260057726,1.0463894872296697,-0.18722966030608063,0,-1.0262847209822685,0.9221306661105231,0,-0.13122359466766184,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.942201382034937,1,-2.2925315260057726,0.7659396544403004,-0.3229137316168521,1,0.9816636461569526,0.01393527322418198,0,1.0935299555638482,2.307072896901936,-0.7115349394446727,0.6730315410968375
1,0.2822937992867323,1,0.8709276495728916,1.0463894872296697,0.5105741350064582,0,0.9816636461569526,-1.6294659139034828,1,-0.3936707840029855,0.6764192786728188,0.3498707713291484,0.6730315410968375
0,-0.3776137834614723,1,0.8709276495728916,0.4854898216509311,0.2198225536262337,0,0.9816636461569526,1.570841661029338,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,0,-1.238045134146218,0.26112995541943557,1.3440620016297684,1,0.9816636461569526,0.10043007254669066,0,-0.9185651626736328,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
0,-1.1475059633343776,0,-0.18355874228666322,-0.7484894426222941,-0.14846278278871736,0,-1.0262847209822685,-0.029312126437072355,0,-0.656117973338309,0.6764192786728188,0.3498707713291484,-0.8757058119953168
1,-0.8175521719602753,1,-0.18355874228666322,-1.3093891082010327,-0.12907934403003574,0,-1.0262847209822685,0.10043007254669066,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.7222321877855354,1,0.8709276495728916,-0.6363095095065463,0.20043911486755206,0,-1.0262847209822685,-0.4185387233883614,1,2.2308011093502507,0.6764192786728188,0.3498707713291484,1.189277325460889
0,0.2822937992867323,0,0.8709276495728916,-0.6363095095065463,2.0224823581836255,0,-1.0262847209822685,0.5761514688204884,1,-0.3936707840029855,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,1.7120935619078423,1,-1.238045134146218,1.382929286576913,-0.09031246651267247,0,0.9816636461569526,-0.28879652440459835,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,2.3720011446560467,0,-0.18355874228666322,0.4854898216509311,-1.0207175269293909,0,-0.022310537412657934,-1.4564763152584654,0,0.04374119822255398,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,1.38213977053374,0,0.8709276495728916,-1.4215690413167805,-0.5167481192036685,0,-1.0262847209822685,-0.3320439240658527,0,-0.656117973338309,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
1,-1.037521366209677,1,0.8709276495728916,0.5976697547666788,1.1502276140429522,0,0.9816636461569526,-0.11580692575958103,1,-0.9185651626736328,0.6764192786728188,2.4726821928767904,1.189277325460889
0,-1.037521366209677,1,0.8709276495728916,-1.5337489744325283,-0.807499700583893,0,0.9816636461569526,-0.0725595260983267,1,1.7059067306796034,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.6974289489578815,0,-0.18355874228666322,-2.094648640011267,-0.9819506494120277,0,-1.0262847209822685,1.2681098634005576,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.3674751575837791,0,-0.18355874228666322,-0.6363095095065463,-0.7881162618252113,0,-1.0262847209822685,1.0086254654330318,0,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,0.17230920216203158,1,-1.238045134146218,-0.6363095095065463,-0.26476341534080716,0,-1.0262847209822685,1.2248624637393035,0,-0.2187059911127697,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,1,0.8709276495728916,0.8220296209981742,-0.6136653129970766,0,-1.0262847209822685,-1.9321977115322633,0,0.8310827662285247,0.6764192786728188,0.3498707713291484,1.189277325460889
1,-2.1373673374566846,1,0.8709276495728916,-0.6363095095065463,-1.0013340881707093,0,-1.0262847209822685,-0.8510127200009048,1,0.48115318044809335,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,0.3922783964114331,1,0.8709276495728916,1.0463894872296697,0.39427350245436843,0,0.9816636461569526,-1.6727133135647372,1,-0.2187059911127697,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-1.47745975470848,1,-0.18355874228666322,-0.07540984392780764,-0.6911990680318032,0,0.9816636461569526,0.79238846712676,0,0.8310827662285247,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,0.2822937992867323,1,0.8709276495728916,-1.1972091750852851,-0.9431837718946644,0,-1.0262847209822685,-1.0240023186459222,1,0.3936707840029854,0.6764192786728188,-0.7115349394446727,0.6730315410968375
0,-1.3674751575837791,1,-2.2925315260057726,0.934209554113922,-0.1096959052713541,0,0.9816636461569526,1.2248624637393035,0,-0.2187059911127697,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
0,0.8322167849102362,1,-1.238045134146218,-0.18758977704355537,-0.807499700583893,1,0.9816636461569526,-0.4185387233883614,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.5022629935361339,1,-2.2925315260057726,2.616908550850138,0.39427350245436843,0,0.9816636461569526,-0.2023017250820897,0,2.755695488020898,2.307072896901936,-0.7115349394446727,1.189277325460889
0,-1.47745975470848,0,-1.238045134146218,-0.2997697101593031,1.0920772977669073,0,-1.0262847209822685,0.5761514688204884,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.48759838058617305,1,0.8709276495728916,1.0463894872296697,-0.12907934403003574,0,0.9816636461569526,-0.9375075193234135,0,1.355977144899172,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,0.5022629935361339,1,-1.238045134146218,0.4854898216509311,-0.5555149967210317,0,-1.0262847209822685,0.6193988684817427,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.7222321877855354,0,0.8709276495728916,-0.07540984392780764,1.5572798279752664,0,0.9816636461569526,0.8356358667880144,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.04765999208736997,1,0.8709276495728916,-0.41194964327505085,0.3167397474196419,0,0.9816636461569526,-1.7592081128872459,1,1.0060475591187408,0.6764192786728188,0.3498707713291484,1.189277325460889
1,-0.04765999208736997,1,0.8709276495728916,-1.1972091750852851,-0.8462665781012563,0,0.9816636461569526,-1.8024555125485002,1,-0.9185651626736328,0.6764192786728188,0.3498707713291484,-0.8757058119953168
1,-0.2676291863367715,1,0.8709276495728916,-0.355859676717177,-0.7299659455491664,0,-1.0262847209822685,0.79238846712676,0,-0.04374119822255398,-0.9542343395562983,1.4112764821029693,1.189277325460889
1,-0.8175521719602753,1,0.8709276495728916,-1.1972091750852851,0.49119069624777656,0,0.9816636461569526,-1.3699815159359567,1,-0.04374119822255398,0.6764192786728188,0.3498707713291484,-0.8757058119953168
0,1.2721551734090393,1,0.8709276495728916,-0.6363095095065463,1.0145435427321807,0,0.9816636461569526,0.05718267288543632,0,-0.5686355768932012,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,1,0.8709276495728916,-1.7581088406640237,-0.30353029285817046,0,-1.0262847209822685,0.273419671191708,0,-0.8310827662285248,-0.9542343395562983,0.3498707713291484,1.189277325460889
0,1.0521859791596377,0,-0.18355874228666322,0.4854898216509311,1.2277613690776787,0,-1.0262847209822685,-0.7212705210171417,0,-0.743600369783417,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-0.48759838058617305,0,-1.238045134146218,-0.6363095095065463,-0.1096959052713541,0,-1.0262847209822685,0.532904069159234,0,0.04374119822255398,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.1475059633343776,0,-0.18355874228666322,-1.3093891082010327,-2.1061900974155625,0,-1.0262847209822685,1.0951202647555405,0,-0.3936707840029855,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,1.38213977053374,1,0.8709276495728916,-0.6363095095065463,-0.24537997658212554,0,-1.0262847209822685,-3.4026093000149107,0,-0.04374119822255398,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.5975829777108738,0,0.8709276495728916,-0.07540984392780764,0.3748900636956868,0,-1.0262847209822685,0.5761514688204884,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.2822937992867323,1,0.8709276495728916,1.8877389855977778,0.7625588388693195,1,0.9816636461569526,-1.1104971179684309,0,-0.04374119822255398,0.6764192786728188,2.4726821928767904,1.189277325460889
1,0.942201382034937,1,0.8709276495728916,-0.07540984392780764,0.08413848231546225,0,0.9816636461569526,-0.11580692575958103,0,0.3061883875578774,0.6764192786728188,0.3498707713291484,1.189277325460889
1,-0.7075675748355745,1,0.8709276495728916,-0.41194964327505085,0.47180725748909497,0,0.9816636461569526,0.7058936678042513,0,-0.48115318044809335,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-0.3776137834614723,1,-0.18355874228666322,-1.7581088406640237,-0.53613155796235,0,-1.0262847209822685,-0.28879652440459835,1,0.13122359466766173,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.6122475906608347,0,0.8709276495728916,1.0463894872296697,0.1616722373501888,0,0.9816636461569526,0.31666707085296236,0,1.355977144899172,0.6764192786728188,1.4112764821029693,1.189277325460889
1,0.5022629935361339,1,0.8709276495728916,0.4854898216509311,-1.4083863021030236,0,-1.0262847209822685,0.532904069159234,1,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,1.189277325460889
0,-1.037521366209677,0,-1.238045134146218,-1.0850292419695373,-1.7379047610006115,0,-1.0262847209822685,-0.5050335227108701,0,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.0623246050373308,0,0.8709276495728916,2.729088483965886,1.4991295116992216,0,-0.022310537412657934,-1.413228915597211,1,2.055836316460035,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.47745975470848,1,-1.238045134146218,-1.1972091750852851,-0.2841468540994888,0,-1.0262847209822685,0.143677472207945,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.6122475906608347,0,0.8709276495728916,1.4951092196926608,1.0726938590082256,0,0.9816636461569526,0.4896566694979797,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.04765999208736997,0,-0.18355874228666322,0.20503998886156172,1.053310420249544,1,-1.0262847209822685,0.8788832664492687,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.3674751575837791,1,-1.238045134146218,-0.6363095095065463,0.8788594714214093,0,-1.0262847209822685,0.532904069159234,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.5975829777108738,0,-1.238045134146218,0.14895002230368784,0.41365694121305,0,-1.0262847209822685,0.532904069159234,0,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,-0.9275367690849761,1,0.8709276495728916,-0.6363095095065463,-0.012778711477945924,0,0.9816636461569526,-0.24554912474334403,0,-0.2187059911127697,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,0.17230920216203158,0,0.8709276495728916,3.850887815123363,0.7431754001106379,1,0.9816636461569526,-0.7212705210171417,1,2.5807306951306823,2.307072896901936,1.4112764821029693,1.189277325460889
0,1.2721551734090393,0,-2.2925315260057726,1.0463894872296697,-0.45859780292762353,0,-1.0262847209822685,-1.5429711145809741,0,1.355977144899172,2.307072896901936,-0.7115349394446727,-0.8757058119953168
1,0.17230920216203158,1,0.8709276495728916,-0.07540984392780764,0.6462582063172296,1,0.9816636461569526,-2.018692510854772,1,0.48115318044809335,2.307072896901936,-0.7115349394446727,1.189277325460889
1,-0.5975829777108738,1,-0.18355874228666322,-0.6363095095065463,-1.1951684757575256,0,-1.0262847209822685,-0.46178612304961575,0,0.8310827662285247,0.6764192786728188,2.4726821928767904,1.189277325460889
1,-0.04765999208736997,1,0.8709276495728916,-0.5241295763907986,0.7044085225932746,0,0.9816636461569526,-1.4564763152584654,1,1.8808715235698197,0.6764192786728188,1.4112764821029693,-0.8757058119953168
1,0.2822937992867323,1,0.8709276495728916,1.1585694203454175,0.47180725748909497,0,-1.0262847209822685,-2.6674035057735868,1,0.13122359466766173,0.6764192786728188,0.3498707713291484,1.189277325460889
0,1.1621705762843384,0,-0.18355874228666322,1.6072891528084083,2.1387829907357157,0,0.9816636461569526,0.05718267288543632,0,-0.2187059911127697,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.04765999208736997,1,-0.18355874228666322,-0.355859676717177,0.4524238187304133,0,0.9816636461569526,0.10043007254669066,0,-0.48115318044809335,2.307072896901936,0.3498707713291484,-0.8757058119953168
0,-0.04765999208736997,0,-0.18355874228666322,1.6072891528084083,-0.9431837718946644,0,-1.0262847209822685,0.5761514688204884,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.8322167849102362,1,0.8709276495728916,-0.6363095095065463,0.3361231861783235,0,-1.0262847209822685,-2.1916821094997894,1,0.656117973338309,0.6764192786728188,1.4112764821029693,1.189277325460889
0,-0.2676291863367715,0,-0.18355874228666322,0.26112995541943557,-1.0401009656880726,0,0.9816636461569526,0.8356358667880144,0,-0.8310827662285248,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.2676291863367715,1,-1.238045134146218,0.14895002230368784,-0.9431837718946644,0,-1.0262847209822685,0.35991447051421666,0,-0.2187059911127697,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.6122475906608347,1,0.8709276495728916,-0.8045794091801679,-0.381064047892897,1,-1.0262847209822685,0.44640926983672535,1,0.3061883875578774,-0.9542343395562983,1.4112764821029693,1.189277325460889
1,0.942201382034937,0,0.8709276495728916,-1.3093891082010327,0.3748900636956868,0,-1.0262847209822685,0.8356358667880144,1,0.656117973338309,0.6764192786728188,1.4112764821029693,-0.8757058119953168
1,1.2721551734090393,1,0.8709276495728916,-1.0850292419695373,-0.7299659455491664,0,0.9816636461569526,-0.7645179206783961,1,-0.8310827662285248,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,-1.3674751575837791,1,0.8709276495728916,0.4854898216509311,-0.45859780292762353,0,-1.0262847209822685,1.2248624637393035,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,1.0521859791596377,1,0.8709276495728916,-0.6363095095065463,-0.07092902775399083,0,0.9816636461569526,-2.3214243084835524,1,1.0060475591187408,2.307072896901936,0.3498707713291484,-0.8757058119953168
0,-0.04765999208736997,1,-0.18355874228666322,1.0463894872296697,-0.3422971703755337,0,0.9816636461569526,0.662646268142997,0,0.48115318044809335,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-0.9275367690849761,0,-0.18355874228666322,0.5976697547666788,-1.4083863021030236,0,0.9816636461569526,0.44640926983672535,1,0.3061883875578774,2.307072896901936,-0.7115349394446727,-0.8757058119953168
0,1.38213977053374,0,-0.18355874228666322,1.1585694203454175,0.5299575737651399,0,-1.0262847209822685,0.9653780657717774,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.17230920216203158,1,0.8709276495728916,-0.355859676717177,-0.012778711477945924,1,0.9816636461569526,-0.24554912474334403,1,0.13122359466766173,0.6764192786728188,0.3498707713291484,-0.8757058119953168
0,-2.2473519345813853,0,-1.238045134146218,-0.7484894426222941,-0.7687328230665297,0,-1.0262847209822685,1.8303260589968642,0,-0.30618838755787764,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.2822937992867323,1,0.8709276495728916,0.0367700891879401,-0.8268831393425746,0,-1.0262847209822685,0.79238846712676,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,1.0521859791596377,1,0.8709276495728916,0.7659396544403004,-0.7299659455491664,0,0.9816636461569526,-0.7645179206783961,0,0.8310827662285247,0.6764192786728188,1.4112764821029693,0.6730315410968375
0,0.5022629935361339,1,0.8709276495728916,0.3733098885351833,0.41365694121305,0,0.9816636461569526,1.3978520623843207,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.48759838058617305,1,-0.18355874228666322,0.4854898216509311,-0.3229137316168521,0,-1.0262847209822685,0.5761514688204884,0,-0.3936707840029855,0.6764192786728188,0.3498707713291484,1.189277325460889
0,-0.3776137834614723,1,-2.2925315260057726,-0.355859676717177,-0.7105825067904847,0,0.9816636461569526,-1.0672497183071765,1,0.3061883875578774,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,-0.04765999208736997,1,-1.238045134146218,3.4021680826603724,0.6462582063172296,0,0.9816636461569526,1.9600682579806272,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,1.189277325460889
1,-0.15764458921207072,1,0.8709276495728916,-0.4680396098329247,0.626874767558548,0,-1.0262847209822685,-2.3646717081448068,1,0.8310827662285247,0.6764192786728188,1.4112764821029693,1.189277325460889
1,-0.2676291863367715,1,0.8709276495728916,-1.0850292419695373,-0.381064047892897,0,-1.0262847209822685,0.44640926983672535,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,-1.5874443518331807,1,0.8709276495728916,-1.1972091750852851,-1.6022206896898399,0,0.9816636461569526,-1.5429711145809741,1,0.8310827662285247,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,0.3922783964114331,1,-0.18355874228666322,0.0367700891879401,-0.4973646804449868,0,0.9816636461569526,1.0086254654330318,0,1.8808715235698197,-0.9542343395562983,1.4112764821029693,1.189277325460889
0,-1.47745975470848,0,-0.18355874228666322,-1.0850292419695373,0.35550662493700513,0,0.9816636461569526,0.9653780657717774,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.47745975470848,1,-0.18355874228666322,-1.0850292419695373,0.006604727280735711,0,-1.0262847209822685,1.2681098634005576,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.48759838058617305,0,-0.18355874228666322,-0.6363095095065463,-0.594281874238395,0,-1.0262847209822685,0.35991447051421666,0,0.48115318044809335,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.04765999208736997,0,-0.18355874228666322,-1.3093891082010327,0.3361231861783235,0,0.9816636461569526,0.7491410674655057,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,1.0521859791596377,0,0.8709276495728916,-0.07540984392780764,1.0339269814908623,0,-1.0262847209822685,-1.1969919172909393,0,0.8310827662285247,0.6764192786728188,1.4112764821029693,-0.8757058119953168
0,-0.3776137834614723,0,-0.18355874228666322,-0.07540984392780764,0.12290535983282552,0,0.9816636461569526,-0.029312126437072355,0,-0.48115318044809335,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.9275367690849761,0,-1.238045134146218,-1.4776590078746543,-0.8850334556186195,0,-1.0262847209822685,0.9653780657717774,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.0623246050373308,1,0.8709276495728916,0.4854898216509311,-0.6330487517557583,0,-1.0262847209822685,-1.6727133135647372,1,3.980449038252408,2.307072896901936,-0.7115349394446727,1.189277325460889
0,-1.037521366209677,1,-1.238045134146218,-0.18758977704355537,1.1308441752842706,0,0.9816636461569526,0.8788832664492687,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.17230920216203158,1,-2.2925315260057726,-0.6363095095065463,-1.0982512819641175,0,0.9816636461569526,0.532904069159234,0,0.7436003697834168,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,1.2721551734090393,0,0.8709276495728916,2.616908550850138,-0.41983092541026024,1,-1.0262847209822685,0.662646268142997,1,-0.04374119822255398,0.6764192786728188,1.4112764821029693,1.189277325460889
1,-1.8074135460825822,1,-2.2925315260057726,-0.6363095095065463,-0.36168060913421535,0,-1.0262847209822685,1.3978520623843207,1,2.4057659022404665,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,0.8322167849102362,0,0.8709276495728916,1.0463894872296697,-0.1096959052713541,0,-1.0262847209822685,0.18692487186919932,1,0.3061883875578774,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,0.0623246050373308,1,-1.238045134146218,-0.07540984392780764,0.23920599238491533,0,-1.0262847209822685,0.23017227153045366,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,1,0.8709276495728916,-0.18758977704355537,0.18105567610887044,0,0.9816636461569526,-0.8510127200009048,1,1.7059067306796034,0.6764192786728188,1.4112764821029693,1.189277325460889
0,-1.2574905604590785,1,0.8709276495728916,-1.1972091750852851,-0.749349384307848,0,-1.0262847209822685,0.4896566694979797,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,1.0521859791596377,0,0.8709276495728916,2.729088483965886,1.4603626341818583,0,-1.0262847209822685,0.18692487186919932,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.48759838058617305,0,0.8709276495728916,-1.1972091750852851,0.08413848231546225,0,0.9816636461569526,0.403161870175471,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.15764458921207072,1,-0.18355874228666322,-0.07540984392780764,-1.0207175269293909,1,0.9816636461569526,0.10043007254669066,0,0.13122359466766173,2.307072896901936,-0.7115349394446727,-0.8757058119953168
0,-1.037521366209677,0,0.8709276495728916,0.3733098885351833,-0.26476341534080716,0,0.9816636461569526,0.10043007254669066,1,-0.743600369783417,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,1.1621705762843384,1,-2.2925315260057726,0.3733098885351833,0.626874767558548,1,0.9816636461569526,1.0518728650942861,0,0.3061883875578774,0.6764192786728188,0.3498707713291484,-0.8757058119953168
0,1.6021089647831415,1,-2.2925315260057726,1.6072891528084083,-0.30353029285817046,1,0.9816636461569526,-0.8077653203396504,0,-0.8310827662285248,0.6764192786728188,0.3498707713291484,-0.8757058119953168
1,1.6021089647831415,1,-0.18355874228666322,0.4854898216509311,0.08413848231546225,0,0.9816636461569526,-0.15905432542083536,0,0.8310827662285247,0.6764192786728188,2.4726821928767904,1.189277325460889
1,1.38213977053374,1,0.8709276495728916,-1.7581088406640237,0.9563932264561358,0,0.9816636461569526,-1.0672497183071765,1,-0.13122359466766184,0.6764192786728188,1.4112764821029693,-0.8757058119953168
0,1.4921243676584408,0,-0.18355874228666322,-0.6363095095065463,-0.749349384307848,0,0.9816636461569526,-1.4997237149197198,0,0.3936707840029854,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-2.2473519345813853,1,-2.2925315260057726,-0.7484894426222941,-1.3114691083096155,0,0.9816636461569526,1.0518728650942861,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.8322167849102362,0,0.8709276495728916,0.3733098885351833,0.8594760326627277,1,-1.0262847209822685,-1.888950311871009,0,0.7436003697834168,0.6764192786728188,2.4726821928767904,-0.8757058119953168
1,-0.3776137834614723,1,0.8709276495728916,0.4854898216509311,0.9370097876974541,0,-1.0262847209822685,-1.1969919172909393,1,2.755695488020898,0.6764192786728188,2.4726821928767904,1.189277325460889
1,-0.9275367690849761,1,-0.18355874228666322,1.0463894872296697,-0.36168060913421535,0,-1.0262847209822685,-0.11580692575958103,0,2.2308011093502507,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,1.38213977053374,1,0.8709276495728916,-0.355859676717177,0.08413848231546225,1,-1.0262847209822685,0.5761514688204884,0,-0.743600369783417,0.6764192786728188,1.4112764821029693,1.189277325460889
0,-0.48759838058617305,1,-0.18355874228666322,-0.13149981048568152,-1.0401009656880726,0,-1.0262847209822685,0.5761514688204884,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.3674751575837791,1,-0.18355874228666322,-0.6363095095065463,-0.18722966030608063,1,-1.0262847209822685,1.9168208583193729,0,-0.2187059911127697,2.307072896901936,-0.7115349394446727,1.189277325460889
1,0.17230920216203158,0,0.8709276495728916,0.14895002230368784,3.0885714899111156,0,0.9816636461569526,0.01393527322418198,1,0.7436003697834168,0.6764192786728188,1.4112764821029693,1.189277325460889
1,-1.47745975470848,1,0.8709276495728916,-1.1972091750852851,-1.5053034958964318,0,0.9816636461569526,0.35991447051421666,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-1.3674751575837791,0,0.8709276495728916,-1.645928907548276,0.29735630866096024,0,0.9816636461569526,-1.1969919172909393,0,-0.3936707840029855,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.15764458921207072,1,-0.18355874228666322,-0.07540984392780764,-0.07092902775399083,1,0.9816636461569526,1.0086254654330318,0,-0.9185651626736328,-0.9542343395562983,2.4726821928767904,-0.8757058119953168
0,-1.2574905604590785,1,-0.18355874228666322,-0.07540984392780764,1.266528246595042,0,-1.0262847209822685,0.532904069159234,0,0.7436003697834168,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.17230920216203158,1,0.8709276495728916,0.0367700891879401,-1.2727022307922522,0,0.9816636461569526,-1.9321977115322633,1,0.9185651626736328,0.6764192786728188,0.3498707713291484,0.6730315410968375
0,-0.2676291863367715,1,0.8709276495728916,-1.3093891082010327,-0.3229137316168521,1,-1.0262847209822685,-0.11580692575958103,0,-0.8310827662285248,-0.9542343395562983,2.4726821928767904,1.189277325460889
0,0.8322167849102362,0,0.8709276495728916,0.4854898216509311,2.797819908530891,0,0.9816636461569526,0.31666707085296236,0,0.13122359466766173,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,1.7120935619078423,1,-0.18355874228666322,1.6072891528084083,0.3748900636956868,0,-1.0262847209822685,-1.6294659139034828,1,1.6184243342344955,0.6764192786728188,0.3498707713291484,1.189277325460889
0,-0.04765999208736997,1,0.8709276495728916,0.4854898216509311,-0.20661309906476227,0,-1.0262847209822685,0.44640926983672535,0,0.13122359466766173,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,1.7120935619078423,1,0.8709276495728916,0.7659396544403004,-1.4665366183790685,0,-1.0262847209822685,-1.0672497183071765,1,1.355977144899172,2.307072896901936,-0.7115349394446727,1.189277325460889
0,-0.04765999208736997,1,-1.238045134146218,-1.3093891082010327,1.1502276140429522,0,-1.0262847209822685,0.273419671191708,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,-2.1373673374566846,1,0.8709276495728916,-0.2997697101593031,0.626874767558548,0,0.9816636461569526,0.273419671191708,1,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-0.7075675748355745,1,-0.18355874228666322,-0.41194964327505085,0.10352192107414389,1,-1.0262847209822685,1.0951202647555405,0,-0.9185651626736328,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
0,0.0623246050373308,0,-1.238045134146218,0.20503998886156172,0.006604727280735711,0,0.9816636461569526,0.4896566694979797,0,0.3061883875578774,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,0.3922783964114331,0,0.8709276495728916,-1.7581088406640237,-0.03216215023662756,0,0.9816636461569526,-1.1969919172909393,0,-0.04374119822255398,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.04765999208736997,0,-0.18355874228666322,-1.1972091750852851,-0.6911990680318032,0,-1.0262847209822685,0.35991447051421666,0,0.48115318044809335,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,1.6021089647831415,0,-2.2925315260057726,0.4854898216509311,-0.20661309906476227,0,-1.0262847209822685,0.05718267288543632,0,0.656117973338309,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
1,2.481985741780748,1,0.8709276495728916,-0.355859676717177,1.053310420249544,0,0.9816636461569526,0.532904069159234,1,-0.9185651626736328,-0.9542343395562983,2.4726821928767904,-0.8757058119953168
0,1.4921243676584408,1,-0.18355874228666322,-0.7484894426222941,0.5299575737651399,0,-1.0262847209822685,0.05718267288543632,0,-0.04374119822255398,-0.9542343395562983,0.3498707713291484,1.189277325460889
1,0.3922783964114331,1,0.8709276495728916,-0.355859676717177,0.9757766652148174,0,0.9816636461569526,0.9221306661105231,0,-0.9185651626736328,-0.9542343395562983,1.4112764821029693,1.189277325460889
1,0.6122475906608347,1,0.8709276495728916,-0.355859676717177,0.1616722373501888,0,0.9816636461569526,-0.37529132372710705,1,1.5309419377893876,0.6764192786728188,0.3498707713291484,1.189277325460889
1,-0.3776137834614723,1,0.8709276495728916,0.4854898216509311,0.9563932264561358,0,-1.0262847209822685,1.0086254654330318,1,0.48115318044809335,-0.9542343395562983,-0.7115349394446727,1.189277325460889
1,0.0623246050373308,1,0.8709276495728916,1.6072891528084083,0.7625588388693195,0,0.9816636461569526,-0.2023017250820897,1,-0.2187059911127697,0.6764192786728188,0.3498707713291484,1.189277325460889
0,-0.2676291863367715,1,-2.2925315260057726,1.1585694203454175,0.9370097876974541,1,-1.0262847209822685,1.2248624637393035,0,0.13122359466766173,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,0.6122475906608347,0,-0.18355874228666322,-1.645928907548276,1.3246785628710869,0,-1.0262847209822685,0.44640926983672535,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,0.3922783964114331,1,-0.18355874228666322,-1.4776590078746543,-0.18722966030608063,0,0.9816636461569526,0.18692487186919932,1,-0.3936707840029855,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,1.0521859791596377,1,-0.18355874228666322,-0.355859676717177,1.1502276140429522,0,-1.0262847209822685,-0.8077653203396504,1,0.656117973338309,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-1.917398143207283,1,-0.18355874228666322,-0.07540984392780764,0.006604727280735711,0,-1.0262847209822685,1.6140890606905924,0,2.143318712905143,2.307072896901936,-0.7115349394446727,-0.8757058119953168
1,0.5022629935361339,1,-2.2925315260057726,2.168188818387147,0.7431754001106379,0,0.9816636461569526,0.403161870175471,0,-0.743600369783417,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-0.3776137834614723,1,-0.18355874228666322,-0.355859676717177,-0.09031246651267247,1,0.9816636461569526,0.7058936678042513,0,1.1810123520089562,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-1.2574905604590785,0,-0.18355874228666322,-0.5241295763907986,-0.7105825067904847,0,-1.0262847209822685,0.662646268142997,0,-0.743600369783417,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.3922783964114331,1,0.8709276495728916,-0.18758977704355537,-0.6524321905144399,0,0.9816636461569526,-0.8077653203396504,1,1.0060475591187408,0.6764192786728188,2.4726821928767904,1.189277325460889
0,-2.797274920204889,1,-1.238045134146218,-0.07540984392780764,-0.8850334556186195,0,0.9816636461569526,2.2628000556094077,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.47745975470848,0,-1.238045134146218,-0.07540984392780764,-0.8850334556186195,0,0.9816636461569526,0.9653780657717774,0,0.3061883875578774,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.942201382034937,0,-0.18355874228666322,0.20503998886156172,0.04537160479809898,0,0.9816636461569526,0.9653780657717774,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.3776137834614723,1,-0.18355874228666322,-2.094648640011267,-0.4392143641689419,0,-1.0262847209822685,0.18692487186919932,1,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,1.189277325460889
0,-0.04765999208736997,1,-0.18355874228666322,-0.6363095095065463,0.1616722373501888,0,0.9816636461569526,-0.11580692575958103,0,-0.5686355768932012,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-1.1475059633343776,1,-1.238045134146218,-0.6363095095065463,-0.5748984354797133,0,-1.0262847209822685,0.8788832664492687,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.04765999208736997,1,0.8709276495728916,-1.1972091750852851,-0.20661309906476227,0,-1.0262847209822685,-1.0240023186459222,1,1.5309419377893876,0.6764192786728188,0.3498707713291484,1.189277325460889
1,1.1621705762843384,1,0.8709276495728916,0.20503998886156172,0.08413848231546225,0,0.9816636461569526,-0.9807549189846677,0,1.5309419377893876,0.6764192786728188,0.3498707713291484,1.189277325460889
0,0.2822937992867323,1,-0.18355874228666322,1.0463894872296697,-1.5828372509311583,0,-1.0262847209822685,1.0518728650942861,0,0.48115318044809335,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.942201382034937,1,0.8709276495728916,-0.07540984392780764,1.5572798279752664,1,0.9816636461569526,-0.7645179206783961,1,0.656117973338309,-0.9542343395562983,2.4726821928767904,1.189277325460889
0,-2.1373673374566846,0,0.8709276495728916,0.3733098885351833,-1.2920856695509337,0,-1.0262847209822685,1.3978520623843207,0,0.3061883875578774,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.47745975470848,1,-1.238045134146218,0.20503998886156172,-0.9044168943773011,0,-1.0262847209822685,-0.7645179206783961,0,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,0.6730315410968375
1,0.8322167849102362,0,-0.18355874228666322,-0.07540984392780764,0.25858943114359695,0,-1.0262847209822685,-2.278176908822298,0,0.13122359466766173,0.6764192786728188,0.3498707713291484,1.189277325460889
1,-1.2574905604590785,0,0.8709276495728916,0.0367700891879401,1.7704976543207644,1,0.9816636461569526,-0.5915283220333787,1,1.7059067306796034,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,0.3922783964114331,0,-2.2925315260057726,1.0463894872296697,0.6462582063172296,1,0.9816636461569526,0.532904069159234,0,-0.04374119822255398,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.2676291863367715,1,-2.2925315260057726,-0.7484894426222941,-1.233935353274889,0,0.9816636461569526,1.7438312596743555,0,-0.9185651626736328,0.6764192786728188,-0.7115349394446727,0.6730315410968375
1,0.7222321877855354,0,0.8709276495728916,0.7659396544403004,1.1114607365255889,0,0.9816636461569526,-0.15905432542083536,1,-0.04374119822255398,0.6764192786728188,-0.7115349394446727,1.189277325460889
1,-1.6974289489578815,1,0.8709276495728916,-0.7484894426222941,-0.594281874238395,0,-1.0262847209822685,-0.4185387233883614,0,0.13122359466766173,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-1.037521366209677,1,0.8709276495728916,-0.9167593422959157,0.20043911486755206,0,0.9816636461569526,1.5275942613680837,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.2676291863367715,1,0.8709276495728916,-0.18758977704355537,0.10352192107414389,0,-1.0262847209822685,0.4896566694979797,1,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,1.189277325460889
0,0.8322167849102362,1,-0.18355874228666322,-0.07540984392780764,-0.36168060913421535,0,-1.0262847209822685,-0.15905432542083536,0,0.656117973338309,0.6764192786728188,2.4726821928767904,1.189277325460889
1,0.8322167849102362,0,0.8709276495728916,1.6072891528084083,-1.660371005965885,0,0.9816636461569526,-0.2023017250820897,0,4.505343416923056,2.307072896901936,2.4726821928767904,1.189277325460889
0,-0.15764458921207072,0,0.8709276495728916,0.3733098885351833,-0.30353029285817046,0,0.9816636461569526,0.44640926983672535,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-1.2574905604590785,1,0.8709276495728916,-0.6363095095065463,-1.4083863021030236,0,0.9816636461569526,-1.283486716613448,1,1.268494748454064,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-0.8175521719602753,1,-0.18355874228666322,0.3733098885351833,0.14228879859150714,0,0.9816636461569526,0.273419671191708,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.2676291863367715,1,-1.238045134146218,-0.6363095095065463,1.4603626341818583,0,-1.0262847209822685,0.9653780657717774,0,-0.743600369783417,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,1.4921243676584408,1,-0.18355874228666322,2.729088483965886,0.47180725748909497,1,0.9816636461569526,0.01393527322418198,1,0.48115318044809335,0.6764192786728188,-0.7115349394446727,1.189277325460889
0,-1.6974289489578815,1,-0.18355874228666322,0.4854898216509311,1.3828288791471317,0,0.9816636461569526,1.3978520623843207,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-0.15764458921207072,0,0.8709276495728916,-0.07540984392780764,0.2779728699022786,0,0.9816636461569526,-0.28879652440459835,0,-0.5686355768932012,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.8322167849102362,0,0.8709276495728916,0.4854898216509311,0.35550662493700513,0,0.9816636461569526,0.44640926983672535,0,2.2308011093502507,2.307072896901936,1.4112764821029693,-0.8757058119953168
0,-0.3776137834614723,0,-0.18355874228666322,0.4854898216509311,1.1308441752842706,0,0.9816636461569526,-0.3320439240658527,0,0.3936707840029854,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
1,0.6122475906608347,1,0.8709276495728916,-0.07540984392780764,0.06475504355678062,0,-1.0262847209822685,-0.24554912474334403,1,0.3061883875578774,-0.9542343395562983,0.3498707713291484,1.189277325460889
1,1.1621705762843384,1,0.8709276495728916,-1.1972091750852851,-0.03216215023662756,0,0.9816636461569526,0.35991447051421666,0,-0.3936707840029855,-0.9542343395562983,1.4112764821029693,0.6730315410968375
0,1.1621705762843384,0,-0.18355874228666322,1.3268393200190391,0.3748900636956868,0,-1.0262847209822685,-0.0725595260983267,0,-0.2187059911127697,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.6122475906608347,1,-0.18355874228666322,0.4854898216509311,-1.2533187920335707,0,0.9816636461569526,0.23017227153045366,0,1.7059067306796034,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.6122475906608347,1,0.8709276495728916,0.7659396544403004,0.626874767558548,0,0.9816636461569526,-0.3320439240658527,1,1.5309419377893876,0.6764192786728188,1.4112764821029693,1.189277325460889
1,-0.04765999208736997,1,0.8709276495728916,-0.6363095095065463,-1.1951684757575256,0,-1.0262847209822685,-1.5862185142422285,0,0.3061883875578774,0.6764192786728188,0.3498707713291484,1.189277325460889
0,-1.1475059633343776,1,-1.238045134146218,-0.07540984392780764,-0.594281874238395,0,0.9816636461569526,1.6573364603518468,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-1.1475059633343776,1,0.8709276495728916,-1.0850292419695373,0.7819422776280011,0,0.9816636461569526,0.143677472207945,0,-0.9185651626736328,-0.9542343395562983,0.3498707713291484,-0.8757058119953168
0,-0.3776137834614723,1,-0.18355874228666322,-1.1972091750852851,-1.447153179620387,0,-1.0262847209822685,-1.1537445176296852,0,-0.3936707840029855,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.5022629935361339,1,-0.18355874228666322,1.0463894872296697,-0.7299659455491664,1,-1.0262847209822685,0.31666707085296236,0,0.48115318044809335,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,1.822078159032543,0,-1.238045134146218,1.6072891528084083,1.0145435427321807,0,-1.0262847209822685,0.532904069159234,0,-0.5686355768932012,-0.9542343395562983,1.4112764821029693,-0.8757058119953168
0,0.7222321877855354,1,-0.18355874228666322,1.0463894872296697,-0.12907934403003574,1,-1.0262847209822685,-0.5482809223721244,1,-0.04374119822255398,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
1,0.0623246050373308,1,0.8709276495728916,0.0367700891879401,2.0030989194249442,0,-1.0262847209822685,-0.7645179206783961,1,0.13122359466766173,0.6764192786728188,0.3498707713291484,1.189277325460889
1,1.0521859791596377,1,-0.18355874228666322,0.4854898216509311,1.6541970217686748,0,-1.0262847209822685,0.35991447051421666,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,-1.2574905604590785,1,0.8709276495728916,1.0463894872296697,-0.05154558899530919,0,-1.0262847209822685,0.9221306661105231,0,0.3936707840029854,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
0,0.3922783964114331,0,-0.18355874228666322,-0.6363095095065463,1.751114215562083,0,-1.0262847209822685,0.9653780657717774,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,0.6122475906608347,1,0.8709276495728916,-0.07540984392780764,-0.8462665781012563,0,0.9816636461569526,-0.7645179206783961,1,1.1810123520089562,0.6764192786728188,1.4112764821029693,1.189277325460889
1,0.3922783964114331,1,-1.238045134146218,-0.6363095095065463,0.6656416450759113,0,0.9816636461569526,0.44640926983672535,0,0.656117973338309,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,-0.5975829777108738,1,-1.238045134146218,-0.07540984392780764,0.3167397474196419,0,-1.0262847209822685,0.9221306661105231,0,-0.3936707840029855,-0.9542343395562983,-0.7115349394446727,-0.8757058119953168
1,-0.7075675748355745,1,-1.238045134146218,-1.1972091750852851,-0.40044748665157864,0,-1.0262847209822685,0.79238846712676,0,-0.04374119822255398,2.307072896901936,-0.7115349394446727,1.189277325460889
0,-0.2676291863367715,1,-0.18355874228666322,2.2803687515028948,-0.9819506494120277,1,-1.0262847209822685,0.532904069159234,0,-0.48115318044809335,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,-1.1475059633343776,1,-1.238045134146218,-0.6363095095065463,0.25858943114359695,0,-1.0262847209822685,1.0086254654330318,0,-0.9185651626736328,-0.9542343395562983,-0.7115349394446727,1.189277325460889
0,0.17230920216203158,0,-1.238045134146218,0.4854898216509311,0.8594760326627277,0,0.9816636461569526,0.143677472207945,0,0.2187059911127697,0.6764192786728188,-0.7115349394446727,-0.8757058119953168
0,0.2822937992867323,1,0.8709276495728916,0.4854898216509311,-1.117634720722799,0,-1.0262847209822685,-0.0725595260983267,0,-0.5686355768932012,0.6764192786728188,-0.7115349394446727,0.6730315410968375
1,1.38213977053374,1,0.8709276495728916,1.6072891528084083,0.7044085225932746,0,0.9816636461569526,-1.8024555125485002,1,0.3936707840029854,0.6764192786728188,2.4726821928767904,-0.8757058119953168
1 Heart_Disease Age Sex Chest_pain_type BP Cholesterol FBS_over_120 EKG_results Max_HR Exercise_angina ST_depression Slope_of_ST Number_of_vessels_fluro Thallium
2 1 1.7120935619078423 1 0.8709276495728916 -0.07540984392780764 1.4022123179058135 0 0.9816636461569526 -1.7592081128872459 0 1.1810123520089562 0.6764192786728188 2.4726821928767904 -0.8757058119953168
3 0 1.38213977053374 0 -0.18355874228666322 -0.9167593422959157 6.093004497506769 0 0.9816636461569526 0.44640926983672535 0 0.48115318044809335 0.6764192786728188 -0.7115349394446727 1.189277325460889
4 1 0.2822937992867323 1 -1.238045134146218 -0.41194964327505085 0.2198225536262337 0 -1.0262847209822685 -0.37529132372710705 0 -0.656117973338309 -0.9542343395562983 -0.7115349394446727 1.189277325460889
5 0 1.0521859791596377 1 0.8709276495728916 -0.18758977704355537 0.25858943114359695 0 -1.0262847209822685 -1.9321977115322633 1 -0.743600369783417 0.6764192786728188 0.3498707713291484 1.189277325460889
6 0 2.1520319504066454 0 -1.238045134146218 -0.6363095095065463 0.3748900636956868 0 0.9816636461569526 -1.2402393169521937 1 -0.743600369783417 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
7 0 1.1621705762843384 1 0.8709276495728916 -0.6363095095065463 -1.4083863021030236 0 -1.0262847209822685 -0.4185387233883614 0 -0.5686355768932012 -0.9542343395562983 -0.7115349394446727 1.189277325460889
8 1 0.17230920216203158 1 -0.18355874228666322 -0.07540984392780764 0.12290535983282552 1 0.9816636461569526 -0.3320439240658527 1 -0.3936707840029855 0.6764192786728188 0.3498707713291484 0.6730315410968375
9 1 0.5022629935361339 1 0.8709276495728916 -1.1972091750852851 -0.20661309906476227 0 0.9816636461569526 -0.3320439240658527 1 0.13122359466766173 0.6764192786728188 0.3498707713291484 1.189277325460889
10 1 0.6122475906608347 1 0.8709276495728916 0.4854898216509311 0.840092593904046 0 0.9816636461569526 0.8788832664492687 0 0.13122359466766173 0.6764192786728188 1.4112764821029693 1.189277325460889
11 1 0.942201382034937 0 0.8709276495728916 1.0463894872296697 3.0498046123937526 0 0.9816636461569526 0.18692487186919932 0 2.5807306951306823 0.6764192786728188 2.4726821928767904 1.189277325460889
12 0 0.5022629935361339 1 0.8709276495728916 0.20503998886156172 -0.30353029285817046 0 -1.0262847209822685 0.4896566694979797 0 -0.48115318044809335 0.6764192786728188 -0.7115349394446727 1.189277325460889
13 0 -0.15764458921207072 1 0.8709276495728916 0.5976697547666788 -0.45859780292762353 0 0.9816636461569526 -1.6727133135647372 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
14 0 -1.1475059633343776 1 -0.18355874228666322 0.4854898216509311 -0.2841468540994888 0 0.9816636461569526 1.311357263061812 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
15 1 0.7222321877855354 1 -2.2925315260057726 0.14895002230368784 -0.30353029285817046 0 -1.0262847209822685 -0.2023017250820897 0 1.355977144899172 0.6764192786728188 1.4112764821029693 -0.8757058119953168
16 0 0.2822937992867323 0 0.8709276495728916 -0.18758977704355537 1.0339269814908623 0 0.9816636461569526 0.403161870175471 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
17 0 1.822078159032543 0 0.8709276495728916 -1.0850292419695373 -1.9511225873461093 0 -1.0262847209822685 -1.0672497183071765 0 0.48115318044809335 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
18 1 -0.9275367690849761 1 0.8709276495728916 0.4854898216509311 1.1889944915603154 0 -1.0262847209822685 -1.283486716613448 1 0.656117973338309 0.6764192786728188 1.4112764821029693 1.189277325460889
19 1 -0.15764458921207072 1 0.8709276495728916 0.4854898216509311 -0.9044168943773011 1 0.9816636461569526 0.23017227153045366 1 1.7933891271247113 2.307072896901936 -0.7115349394446727 1.189277325460889
20 0 1.0521859791596377 1 -2.2925315260057726 -1.1972091750852851 -0.749349384307848 0 0.9816636461569526 -0.24554912474334403 1 0.656117973338309 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
21 0 -1.5874443518331807 1 -2.2925315260057726 0.4854898216509311 -0.9819506494120277 0 -1.0262847209822685 1.2248624637393035 1 0.3061883875578774 -0.9542343395562983 -0.7115349394446727 1.189277325460889
22 1 1.38213977053374 1 0.8709276495728916 -0.6363095095065463 -0.40044748665157864 0 0.9816636461569526 -0.8942601196621591 1 1.355977144899172 0.6764192786728188 1.4112764821029693 1.189277325460889
23 0 -0.7075675748355745 1 -1.238045134146218 -0.07540984392780764 -0.09031246651267247 0 0.9816636461569526 1.311357263061812 0 -0.743600369783417 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
24 0 -1.2574905604590785 1 0.8709276495728916 -0.9167593422959157 1.0339269814908623 0 -1.0262847209822685 1.3546046627230663 0 0.13122359466766173 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
25 0 -0.8175521719602753 1 0.8709276495728916 -1.0850292419695373 -0.8850334556186195 0 -1.0262847209822685 -0.28879652440459835 0 -0.8310827662285248 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
26 0 -0.04765999208736997 0 -1.238045134146218 0.0367700891879401 0.7431754001106379 1 0.9816636461569526 0.403161870175471 1 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
27 0 -0.7075675748355745 0 -0.18355874228666322 -0.07540984392780764 0.49119069624777656 0 -1.0262847209822685 -0.46178612304961575 0 -0.743600369783417 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
28 0 -0.9275367690849761 0 0.8709276495728916 0.3733098885351833 -0.12907934403003574 0 0.9816636461569526 0.10043007254669066 1 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
29 0 -0.3776137834614723 0 -0.18355874228666322 -0.6363095095065463 0.8788594714214093 0 0.9816636461569526 0.31666707085296236 0 -0.3936707840029855 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
30 1 0.3922783964114331 1 -0.18355874228666322 -1.0850292419695373 -0.381064047892897 0 0.9816636461569526 0.662646268142997 0 1.268494748454064 0.6764192786728188 0.3498707713291484 1.189277325460889
31 0 1.822078159032543 0 -0.18355874228666322 -1.1972091750852851 0.29735630866096024 1 0.9816636461569526 -0.8510127200009048 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
32 1 0.2822937992867323 1 -0.18355874228666322 -0.18758977704355537 -0.40044748665157864 0 0.9816636461569526 0.01393527322418198 0 -0.5686355768932012 0.6764192786728188 0.3498707713291484 1.189277325460889
33 0 1.2721551734090393 1 0.8709276495728916 1.6072891528084083 -0.41983092541026024 0 0.9816636461569526 -0.5050335227108701 0 1.0935299555638482 -0.9542343395562983 -0.7115349394446727 0.6730315410968375
34 0 -1.917398143207283 0 -0.18355874228666322 -0.6363095095065463 -0.6718156292731216 0 -1.0262847209822685 0.8788832664492687 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
35 1 0.5022629935361339 1 0.8709276495728916 2.168188818387147 1.47974607294054 0 0.9816636461569526 -0.4185387233883614 1 2.055836316460035 2.307072896901936 -0.7115349394446727 1.189277325460889
36 1 -0.48759838058617305 1 0.8709276495728916 0.7098496878824265 -0.962567210653346 0 0.9816636461569526 -1.0240023186459222 1 -0.13122359466766184 0.6764192786728188 -0.7115349394446727 1.189277325460889
37 1 -0.7075675748355745 1 0.8709276495728916 -0.07540984392780764 0.12290535983282552 1 0.9816636461569526 0.01393527322418198 1 -0.9185651626736328 -0.9542343395562983 1.4112764821029693 1.189277325460889
38 1 0.7222321877855354 1 0.8709276495728916 0.4854898216509311 -0.8268831393425746 0 0.9816636461569526 -0.5050335227108701 1 0.7436003697834168 -0.9542343395562983 0.3498707713291484 1.189277325460889
39 1 0.5022629935361339 1 -2.2925315260057726 1.6072891528084083 0.4524238187304133 0 0.9816636461569526 -1.0672497183071765 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
40 0 -1.3674751575837791 1 -0.18355874228666322 -0.07540984392780764 -1.3502359858269788 0 -1.0262847209822685 0.01393527322418198 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
41 0 -0.7075675748355745 1 0.8709276495728916 -0.5241295763907986 -0.53613155796235 0 0.9816636461569526 1.570841661029338 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
42 1 -1.5874443518331807 1 0.8709276495728916 1.1585694203454175 -0.5167481192036685 0 -1.0262847209822685 1.3546046627230663 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
43 0 0.8322167849102362 0 0.8709276495728916 -0.41194964327505085 -0.7881162618252113 0 -1.0262847209822685 0.5761514688204884 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
44 0 -1.1475059633343776 1 -0.18355874228666322 -0.07540984392780764 -0.3229137316168521 0 -1.0262847209822685 1.2681098634005576 1 -0.5686355768932012 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
45 0 -0.9275367690849761 1 -1.238045134146218 -1.70201887410615 -1.0207175269293909 1 -1.0262847209822685 0.273419671191708 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
46 1 0.5022629935361339 1 -0.18355874228666322 -0.2997697101593031 -0.6136653129970766 1 -1.0262847209822685 -0.6780231213558874 0 1.0060475591187408 0.6764192786728188 0.3498707713291484 0.6730315410968375
47 0 0.3922783964114331 1 -0.18355874228666322 0.4854898216509311 -0.749349384307848 1 0.9816636461569526 0.662646268142997 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
48 1 -0.5975829777108738 1 -0.18355874228666322 -0.7484894426222941 -1.9511225873461093 0 0.9816636461569526 -1.0240023186459222 0 -0.2187059911127697 -0.9542343395562983 2.4726821928767904 -0.8757058119953168
49 1 -1.1475059633343776 1 0.8709276495728916 -1.1972091750852851 -1.0207175269293909 0 0.9816636461569526 1.1816150640780492 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
50 1 1.2721551734090393 1 -1.238045134146218 1.6072891528084083 -0.07092902775399083 0 -1.0262847209822685 -1.283486716613448 1 -0.9185651626736328 0.6764192786728188 2.4726821928767904 0.6730315410968375
51 1 1.1621705762843384 0 0.8709276495728916 1.0463894872296697 -0.4779812416863052 0 0.9816636461569526 -1.5429711145809741 0 -0.04374119822255398 0.6764192786728188 2.4726821928767904 1.189277325460889
52 1 -1.3674751575837791 1 0.8709276495728916 0.26112995541943557 1.266528246595042 0 -1.0262847209822685 -1.0672497183071765 1 0.656117973338309 0.6764192786728188 -0.7115349394446727 0.6730315410968375
53 0 -0.2676291863367715 1 -1.238045134146218 -0.18758977704355537 -0.8656500168599378 1 -1.0262847209822685 1.4843468617068294 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
54 0 1.1621705762843384 0 -0.18355874228666322 0.4854898216509311 3.243638999980569 1 0.9816636461569526 0.31666707085296236 0 -0.2187059911127697 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
55 0 0.942201382034937 0 -1.238045134146218 0.4854898216509311 -1.0594844044467542 0 -1.0262847209822685 1.2681098634005576 0 -0.9185651626736328 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
56 0 -1.037521366209677 0 -1.238045134146218 -0.07540984392780764 -0.30353029285817046 0 0.9816636461569526 1.0951202647555405 0 -0.3936707840029855 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
57 0 -1.47745975470848 0 -1.238045134146218 -1.4776590078746543 -1.0013340881707093 0 -1.0262847209822685 0.79238846712676 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
58 1 0.7222321877855354 1 0.8709276495728916 0.3733098885351833 -1.6216041284485216 0 0.9816636461569526 -1.0672497183071765 1 2.2308011093502507 0.6764192786728188 0.3498707713291484 -0.8757058119953168
59 0 0.6122475906608347 0 -0.18355874228666322 -0.6363095095065463 -1.389002863344342 1 -1.0262847209822685 -2.3214243084835524 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
60 1 0.5022629935361339 0 0.8709276495728916 2.392548684618643 -0.012778711477945924 0 -1.0262847209822685 -0.28879652440459835 1 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
61 1 0.8322167849102362 1 -1.238045134146218 -0.6363095095065463 0.6074913287998664 0 0.9816636461569526 -2.018692510854772 0 0.3061883875578774 0.6764192786728188 0.3498707713291484 1.189277325460889
62 0 0.2822937992867323 1 -0.18355874228666322 1.0463894872296697 -2.396941678795787 1 -1.0262847209822685 1.0086254654330318 0 -0.743600369783417 -0.9542343395562983 0.3498707713291484 1.189277325460889
63 1 -0.3776137834614723 0 0.8709276495728916 -0.07540984392780764 1.0726938590082256 0 -1.0262847209822685 -0.3320439240658527 1 0.13122359466766173 0.6764192786728188 -0.7115349394446727 1.189277325460889
64 0 -1.1475059633343776 1 -0.18355874228666322 -0.6363095095065463 -0.45859780292762353 0 -1.0262847209822685 0.8356358667880144 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
65 0 0.6122475906608347 0 -2.2925315260057726 1.0463894872296697 -0.18722966030608063 0 -1.0262847209822685 0.9221306661105231 0 -0.13122359466766184 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
66 0 0.942201382034937 1 -2.2925315260057726 0.7659396544403004 -0.3229137316168521 1 0.9816636461569526 0.01393527322418198 0 1.0935299555638482 2.307072896901936 -0.7115349394446727 0.6730315410968375
67 1 0.2822937992867323 1 0.8709276495728916 1.0463894872296697 0.5105741350064582 0 0.9816636461569526 -1.6294659139034828 1 -0.3936707840029855 0.6764192786728188 0.3498707713291484 0.6730315410968375
68 0 -0.3776137834614723 1 0.8709276495728916 0.4854898216509311 0.2198225536262337 0 0.9816636461569526 1.570841661029338 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
69 1 0.3922783964114331 0 -1.238045134146218 0.26112995541943557 1.3440620016297684 1 0.9816636461569526 0.10043007254669066 0 -0.9185651626736328 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
70 0 -1.1475059633343776 0 -0.18355874228666322 -0.7484894426222941 -0.14846278278871736 0 -1.0262847209822685 -0.029312126437072355 0 -0.656117973338309 0.6764192786728188 0.3498707713291484 -0.8757058119953168
71 1 -0.8175521719602753 1 -0.18355874228666322 -1.3093891082010327 -0.12907934403003574 0 -1.0262847209822685 0.10043007254669066 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
72 1 0.7222321877855354 1 0.8709276495728916 -0.6363095095065463 0.20043911486755206 0 -1.0262847209822685 -0.4185387233883614 1 2.2308011093502507 0.6764192786728188 0.3498707713291484 1.189277325460889
73 0 0.2822937992867323 0 0.8709276495728916 -0.6363095095065463 2.0224823581836255 0 -1.0262847209822685 0.5761514688204884 1 -0.3936707840029855 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
74 0 1.7120935619078423 1 -1.238045134146218 1.382929286576913 -0.09031246651267247 0 0.9816636461569526 -0.28879652440459835 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
75 0 2.3720011446560467 0 -0.18355874228666322 0.4854898216509311 -1.0207175269293909 0 -0.022310537412657934 -1.4564763152584654 0 0.04374119822255398 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
76 0 1.38213977053374 0 0.8709276495728916 -1.4215690413167805 -0.5167481192036685 0 -1.0262847209822685 -0.3320439240658527 0 -0.656117973338309 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
77 1 -1.037521366209677 1 0.8709276495728916 0.5976697547666788 1.1502276140429522 0 0.9816636461569526 -0.11580692575958103 1 -0.9185651626736328 0.6764192786728188 2.4726821928767904 1.189277325460889
78 0 -1.037521366209677 1 0.8709276495728916 -1.5337489744325283 -0.807499700583893 0 0.9816636461569526 -0.0725595260983267 1 1.7059067306796034 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
79 0 -1.6974289489578815 0 -0.18355874228666322 -2.094648640011267 -0.9819506494120277 0 -1.0262847209822685 1.2681098634005576 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
80 0 -1.3674751575837791 0 -0.18355874228666322 -0.6363095095065463 -0.7881162618252113 0 -1.0262847209822685 1.0086254654330318 0 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
81 0 0.17230920216203158 1 -1.238045134146218 -0.6363095095065463 -0.26476341534080716 0 -1.0262847209822685 1.2248624637393035 0 -0.2187059911127697 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
82 1 0.3922783964114331 1 0.8709276495728916 0.8220296209981742 -0.6136653129970766 0 -1.0262847209822685 -1.9321977115322633 0 0.8310827662285247 0.6764192786728188 0.3498707713291484 1.189277325460889
83 1 -2.1373673374566846 1 0.8709276495728916 -0.6363095095065463 -1.0013340881707093 0 -1.0262847209822685 -0.8510127200009048 1 0.48115318044809335 0.6764192786728188 -0.7115349394446727 1.189277325460889
84 1 0.3922783964114331 1 0.8709276495728916 1.0463894872296697 0.39427350245436843 0 0.9816636461569526 -1.6727133135647372 1 -0.2187059911127697 -0.9542343395562983 -0.7115349394446727 1.189277325460889
85 0 -1.47745975470848 1 -0.18355874228666322 -0.07540984392780764 -0.6911990680318032 0 0.9816636461569526 0.79238846712676 0 0.8310827662285247 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
86 0 0.2822937992867323 1 0.8709276495728916 -1.1972091750852851 -0.9431837718946644 0 -1.0262847209822685 -1.0240023186459222 1 0.3936707840029854 0.6764192786728188 -0.7115349394446727 0.6730315410968375
87 0 -1.3674751575837791 1 -2.2925315260057726 0.934209554113922 -0.1096959052713541 0 0.9816636461569526 1.2248624637393035 0 -0.2187059911127697 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
88 0 0.8322167849102362 1 -1.238045134146218 -0.18758977704355537 -0.807499700583893 1 0.9816636461569526 -0.4185387233883614 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
89 0 0.5022629935361339 1 -2.2925315260057726 2.616908550850138 0.39427350245436843 0 0.9816636461569526 -0.2023017250820897 0 2.755695488020898 2.307072896901936 -0.7115349394446727 1.189277325460889
90 0 -1.47745975470848 0 -1.238045134146218 -0.2997697101593031 1.0920772977669073 0 -1.0262847209822685 0.5761514688204884 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
91 1 -0.48759838058617305 1 0.8709276495728916 1.0463894872296697 -0.12907934403003574 0 0.9816636461569526 -0.9375075193234135 0 1.355977144899172 0.6764192786728188 -0.7115349394446727 1.189277325460889
92 0 0.5022629935361339 1 -1.238045134146218 0.4854898216509311 -0.5555149967210317 0 -1.0262847209822685 0.6193988684817427 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
93 1 0.7222321877855354 0 0.8709276495728916 -0.07540984392780764 1.5572798279752664 0 0.9816636461569526 0.8356358667880144 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
94 1 -0.04765999208736997 1 0.8709276495728916 -0.41194964327505085 0.3167397474196419 0 0.9816636461569526 -1.7592081128872459 1 1.0060475591187408 0.6764192786728188 0.3498707713291484 1.189277325460889
95 1 -0.04765999208736997 1 0.8709276495728916 -1.1972091750852851 -0.8462665781012563 0 0.9816636461569526 -1.8024555125485002 1 -0.9185651626736328 0.6764192786728188 0.3498707713291484 -0.8757058119953168
96 1 -0.2676291863367715 1 0.8709276495728916 -0.355859676717177 -0.7299659455491664 0 -1.0262847209822685 0.79238846712676 0 -0.04374119822255398 -0.9542343395562983 1.4112764821029693 1.189277325460889
97 1 -0.8175521719602753 1 0.8709276495728916 -1.1972091750852851 0.49119069624777656 0 0.9816636461569526 -1.3699815159359567 1 -0.04374119822255398 0.6764192786728188 0.3498707713291484 -0.8757058119953168
98 0 1.2721551734090393 1 0.8709276495728916 -0.6363095095065463 1.0145435427321807 0 0.9816636461569526 0.05718267288543632 0 -0.5686355768932012 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
99 1 0.3922783964114331 1 0.8709276495728916 -1.7581088406640237 -0.30353029285817046 0 -1.0262847209822685 0.273419671191708 0 -0.8310827662285248 -0.9542343395562983 0.3498707713291484 1.189277325460889
100 0 1.0521859791596377 0 -0.18355874228666322 0.4854898216509311 1.2277613690776787 0 -1.0262847209822685 -0.7212705210171417 0 -0.743600369783417 -0.9542343395562983 -0.7115349394446727 1.189277325460889
101 0 -0.48759838058617305 0 -1.238045134146218 -0.6363095095065463 -0.1096959052713541 0 -1.0262847209822685 0.532904069159234 0 0.04374119822255398 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
102 0 -1.1475059633343776 0 -0.18355874228666322 -1.3093891082010327 -2.1061900974155625 0 -1.0262847209822685 1.0951202647555405 0 -0.3936707840029855 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
103 1 1.38213977053374 1 0.8709276495728916 -0.6363095095065463 -0.24537997658212554 0 -1.0262847209822685 -3.4026093000149107 0 -0.04374119822255398 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
104 0 -0.5975829777108738 0 0.8709276495728916 -0.07540984392780764 0.3748900636956868 0 -1.0262847209822685 0.5761514688204884 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
105 1 0.2822937992867323 1 0.8709276495728916 1.8877389855977778 0.7625588388693195 1 0.9816636461569526 -1.1104971179684309 0 -0.04374119822255398 0.6764192786728188 2.4726821928767904 1.189277325460889
106 1 0.942201382034937 1 0.8709276495728916 -0.07540984392780764 0.08413848231546225 0 0.9816636461569526 -0.11580692575958103 0 0.3061883875578774 0.6764192786728188 0.3498707713291484 1.189277325460889
107 1 -0.7075675748355745 1 0.8709276495728916 -0.41194964327505085 0.47180725748909497 0 0.9816636461569526 0.7058936678042513 0 -0.48115318044809335 0.6764192786728188 -0.7115349394446727 1.189277325460889
108 0 -0.3776137834614723 1 -0.18355874228666322 -1.7581088406640237 -0.53613155796235 0 -1.0262847209822685 -0.28879652440459835 1 0.13122359466766173 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
109 1 0.6122475906608347 0 0.8709276495728916 1.0463894872296697 0.1616722373501888 0 0.9816636461569526 0.31666707085296236 0 1.355977144899172 0.6764192786728188 1.4112764821029693 1.189277325460889
110 1 0.5022629935361339 1 0.8709276495728916 0.4854898216509311 -1.4083863021030236 0 -1.0262847209822685 0.532904069159234 1 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 1.189277325460889
111 0 -1.037521366209677 0 -1.238045134146218 -1.0850292419695373 -1.7379047610006115 0 -1.0262847209822685 -0.5050335227108701 0 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
112 1 0.0623246050373308 0 0.8709276495728916 2.729088483965886 1.4991295116992216 0 -0.022310537412657934 -1.413228915597211 1 2.055836316460035 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
113 0 -1.47745975470848 1 -1.238045134146218 -1.1972091750852851 -0.2841468540994888 0 -1.0262847209822685 0.143677472207945 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
114 1 0.6122475906608347 0 0.8709276495728916 1.4951092196926608 1.0726938590082256 0 0.9816636461569526 0.4896566694979797 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
115 0 -0.04765999208736997 0 -0.18355874228666322 0.20503998886156172 1.053310420249544 1 -1.0262847209822685 0.8788832664492687 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
116 0 -1.3674751575837791 1 -1.238045134146218 -0.6363095095065463 0.8788594714214093 0 -1.0262847209822685 0.532904069159234 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
117 0 -0.5975829777108738 0 -1.238045134146218 0.14895002230368784 0.41365694121305 0 -1.0262847209822685 0.532904069159234 0 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
118 1 -0.9275367690849761 1 0.8709276495728916 -0.6363095095065463 -0.012778711477945924 0 0.9816636461569526 -0.24554912474334403 0 -0.2187059911127697 -0.9542343395562983 -0.7115349394446727 1.189277325460889
119 1 0.17230920216203158 0 0.8709276495728916 3.850887815123363 0.7431754001106379 1 0.9816636461569526 -0.7212705210171417 1 2.5807306951306823 2.307072896901936 1.4112764821029693 1.189277325460889
120 0 1.2721551734090393 0 -2.2925315260057726 1.0463894872296697 -0.45859780292762353 0 -1.0262847209822685 -1.5429711145809741 0 1.355977144899172 2.307072896901936 -0.7115349394446727 -0.8757058119953168
121 1 0.17230920216203158 1 0.8709276495728916 -0.07540984392780764 0.6462582063172296 1 0.9816636461569526 -2.018692510854772 1 0.48115318044809335 2.307072896901936 -0.7115349394446727 1.189277325460889
122 1 -0.5975829777108738 1 -0.18355874228666322 -0.6363095095065463 -1.1951684757575256 0 -1.0262847209822685 -0.46178612304961575 0 0.8310827662285247 0.6764192786728188 2.4726821928767904 1.189277325460889
123 1 -0.04765999208736997 1 0.8709276495728916 -0.5241295763907986 0.7044085225932746 0 0.9816636461569526 -1.4564763152584654 1 1.8808715235698197 0.6764192786728188 1.4112764821029693 -0.8757058119953168
124 1 0.2822937992867323 1 0.8709276495728916 1.1585694203454175 0.47180725748909497 0 -1.0262847209822685 -2.6674035057735868 1 0.13122359466766173 0.6764192786728188 0.3498707713291484 1.189277325460889
125 0 1.1621705762843384 0 -0.18355874228666322 1.6072891528084083 2.1387829907357157 0 0.9816636461569526 0.05718267288543632 0 -0.2187059911127697 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
126 0 -0.04765999208736997 1 -0.18355874228666322 -0.355859676717177 0.4524238187304133 0 0.9816636461569526 0.10043007254669066 0 -0.48115318044809335 2.307072896901936 0.3498707713291484 -0.8757058119953168
127 0 -0.04765999208736997 0 -0.18355874228666322 1.6072891528084083 -0.9431837718946644 0 -1.0262847209822685 0.5761514688204884 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
128 1 0.8322167849102362 1 0.8709276495728916 -0.6363095095065463 0.3361231861783235 0 -1.0262847209822685 -2.1916821094997894 1 0.656117973338309 0.6764192786728188 1.4112764821029693 1.189277325460889
129 0 -0.2676291863367715 0 -0.18355874228666322 0.26112995541943557 -1.0401009656880726 0 0.9816636461569526 0.8356358667880144 0 -0.8310827662285248 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
130 0 -0.2676291863367715 1 -1.238045134146218 0.14895002230368784 -0.9431837718946644 0 -1.0262847209822685 0.35991447051421666 0 -0.2187059911127697 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
131 1 0.6122475906608347 1 0.8709276495728916 -0.8045794091801679 -0.381064047892897 1 -1.0262847209822685 0.44640926983672535 1 0.3061883875578774 -0.9542343395562983 1.4112764821029693 1.189277325460889
132 1 0.942201382034937 0 0.8709276495728916 -1.3093891082010327 0.3748900636956868 0 -1.0262847209822685 0.8356358667880144 1 0.656117973338309 0.6764192786728188 1.4112764821029693 -0.8757058119953168
133 1 1.2721551734090393 1 0.8709276495728916 -1.0850292419695373 -0.7299659455491664 0 0.9816636461569526 -0.7645179206783961 1 -0.8310827662285248 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
134 0 -1.3674751575837791 1 0.8709276495728916 0.4854898216509311 -0.45859780292762353 0 -1.0262847209822685 1.2248624637393035 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
135 1 1.0521859791596377 1 0.8709276495728916 -0.6363095095065463 -0.07092902775399083 0 0.9816636461569526 -2.3214243084835524 1 1.0060475591187408 2.307072896901936 0.3498707713291484 -0.8757058119953168
136 0 -0.04765999208736997 1 -0.18355874228666322 1.0463894872296697 -0.3422971703755337 0 0.9816636461569526 0.662646268142997 0 0.48115318044809335 -0.9542343395562983 -0.7115349394446727 1.189277325460889
137 0 -0.9275367690849761 0 -0.18355874228666322 0.5976697547666788 -1.4083863021030236 0 0.9816636461569526 0.44640926983672535 1 0.3061883875578774 2.307072896901936 -0.7115349394446727 -0.8757058119953168
138 0 1.38213977053374 0 -0.18355874228666322 1.1585694203454175 0.5299575737651399 0 -1.0262847209822685 0.9653780657717774 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
139 1 0.17230920216203158 1 0.8709276495728916 -0.355859676717177 -0.012778711477945924 1 0.9816636461569526 -0.24554912474334403 1 0.13122359466766173 0.6764192786728188 0.3498707713291484 -0.8757058119953168
140 0 -2.2473519345813853 0 -1.238045134146218 -0.7484894426222941 -0.7687328230665297 0 -1.0262847209822685 1.8303260589968642 0 -0.30618838755787764 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
141 0 0.2822937992867323 1 0.8709276495728916 0.0367700891879401 -0.8268831393425746 0 -1.0262847209822685 0.79238846712676 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
142 1 1.0521859791596377 1 0.8709276495728916 0.7659396544403004 -0.7299659455491664 0 0.9816636461569526 -0.7645179206783961 0 0.8310827662285247 0.6764192786728188 1.4112764821029693 0.6730315410968375
143 0 0.5022629935361339 1 0.8709276495728916 0.3733098885351833 0.41365694121305 0 0.9816636461569526 1.3978520623843207 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
144 1 -0.48759838058617305 1 -0.18355874228666322 0.4854898216509311 -0.3229137316168521 0 -1.0262847209822685 0.5761514688204884 0 -0.3936707840029855 0.6764192786728188 0.3498707713291484 1.189277325460889
145 0 -0.3776137834614723 1 -2.2925315260057726 -0.355859676717177 -0.7105825067904847 0 0.9816636461569526 -1.0672497183071765 1 0.3061883875578774 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
146 1 -0.04765999208736997 1 -1.238045134146218 3.4021680826603724 0.6462582063172296 0 0.9816636461569526 1.9600682579806272 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 1.189277325460889
147 1 -0.15764458921207072 1 0.8709276495728916 -0.4680396098329247 0.626874767558548 0 -1.0262847209822685 -2.3646717081448068 1 0.8310827662285247 0.6764192786728188 1.4112764821029693 1.189277325460889
148 1 -0.2676291863367715 1 0.8709276495728916 -1.0850292419695373 -0.381064047892897 0 -1.0262847209822685 0.44640926983672535 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
149 1 -1.5874443518331807 1 0.8709276495728916 -1.1972091750852851 -1.6022206896898399 0 0.9816636461569526 -1.5429711145809741 1 0.8310827662285247 0.6764192786728188 -0.7115349394446727 1.189277325460889
150 1 0.3922783964114331 1 -0.18355874228666322 0.0367700891879401 -0.4973646804449868 0 0.9816636461569526 1.0086254654330318 0 1.8808715235698197 -0.9542343395562983 1.4112764821029693 1.189277325460889
151 0 -1.47745975470848 0 -0.18355874228666322 -1.0850292419695373 0.35550662493700513 0 0.9816636461569526 0.9653780657717774 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
152 0 -1.47745975470848 1 -0.18355874228666322 -1.0850292419695373 0.006604727280735711 0 -1.0262847209822685 1.2681098634005576 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
153 0 -0.48759838058617305 0 -0.18355874228666322 -0.6363095095065463 -0.594281874238395 0 -1.0262847209822685 0.35991447051421666 0 0.48115318044809335 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
154 0 -0.04765999208736997 0 -0.18355874228666322 -1.3093891082010327 0.3361231861783235 0 0.9816636461569526 0.7491410674655057 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
155 0 1.0521859791596377 0 0.8709276495728916 -0.07540984392780764 1.0339269814908623 0 -1.0262847209822685 -1.1969919172909393 0 0.8310827662285247 0.6764192786728188 1.4112764821029693 -0.8757058119953168
156 0 -0.3776137834614723 0 -0.18355874228666322 -0.07540984392780764 0.12290535983282552 0 0.9816636461569526 -0.029312126437072355 0 -0.48115318044809335 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
157 0 -0.9275367690849761 0 -1.238045134146218 -1.4776590078746543 -0.8850334556186195 0 -1.0262847209822685 0.9653780657717774 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
158 1 0.0623246050373308 1 0.8709276495728916 0.4854898216509311 -0.6330487517557583 0 -1.0262847209822685 -1.6727133135647372 1 3.980449038252408 2.307072896901936 -0.7115349394446727 1.189277325460889
159 0 -1.037521366209677 1 -1.238045134146218 -0.18758977704355537 1.1308441752842706 0 0.9816636461569526 0.8788832664492687 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
160 0 0.17230920216203158 1 -2.2925315260057726 -0.6363095095065463 -1.0982512819641175 0 0.9816636461569526 0.532904069159234 0 0.7436003697834168 0.6764192786728188 -0.7115349394446727 1.189277325460889
161 1 1.2721551734090393 0 0.8709276495728916 2.616908550850138 -0.41983092541026024 1 -1.0262847209822685 0.662646268142997 1 -0.04374119822255398 0.6764192786728188 1.4112764821029693 1.189277325460889
162 1 -1.8074135460825822 1 -2.2925315260057726 -0.6363095095065463 -0.36168060913421535 0 -1.0262847209822685 1.3978520623843207 1 2.4057659022404665 0.6764192786728188 -0.7115349394446727 1.189277325460889
163 1 0.8322167849102362 0 0.8709276495728916 1.0463894872296697 -0.1096959052713541 0 -1.0262847209822685 0.18692487186919932 1 0.3061883875578774 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
164 0 0.0623246050373308 1 -1.238045134146218 -0.07540984392780764 0.23920599238491533 0 -1.0262847209822685 0.23017227153045366 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
165 1 0.3922783964114331 1 0.8709276495728916 -0.18758977704355537 0.18105567610887044 0 0.9816636461569526 -0.8510127200009048 1 1.7059067306796034 0.6764192786728188 1.4112764821029693 1.189277325460889
166 0 -1.2574905604590785 1 0.8709276495728916 -1.1972091750852851 -0.749349384307848 0 -1.0262847209822685 0.4896566694979797 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
167 0 1.0521859791596377 0 0.8709276495728916 2.729088483965886 1.4603626341818583 0 -1.0262847209822685 0.18692487186919932 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
168 0 -0.48759838058617305 0 0.8709276495728916 -1.1972091750852851 0.08413848231546225 0 0.9816636461569526 0.403161870175471 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
169 0 -0.15764458921207072 1 -0.18355874228666322 -0.07540984392780764 -1.0207175269293909 1 0.9816636461569526 0.10043007254669066 0 0.13122359466766173 2.307072896901936 -0.7115349394446727 -0.8757058119953168
170 0 -1.037521366209677 0 0.8709276495728916 0.3733098885351833 -0.26476341534080716 0 0.9816636461569526 0.10043007254669066 1 -0.743600369783417 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
171 1 1.1621705762843384 1 -2.2925315260057726 0.3733098885351833 0.626874767558548 1 0.9816636461569526 1.0518728650942861 0 0.3061883875578774 0.6764192786728188 0.3498707713291484 -0.8757058119953168
172 0 1.6021089647831415 1 -2.2925315260057726 1.6072891528084083 -0.30353029285817046 1 0.9816636461569526 -0.8077653203396504 0 -0.8310827662285248 0.6764192786728188 0.3498707713291484 -0.8757058119953168
173 1 1.6021089647831415 1 -0.18355874228666322 0.4854898216509311 0.08413848231546225 0 0.9816636461569526 -0.15905432542083536 0 0.8310827662285247 0.6764192786728188 2.4726821928767904 1.189277325460889
174 1 1.38213977053374 1 0.8709276495728916 -1.7581088406640237 0.9563932264561358 0 0.9816636461569526 -1.0672497183071765 1 -0.13122359466766184 0.6764192786728188 1.4112764821029693 -0.8757058119953168
175 0 1.4921243676584408 0 -0.18355874228666322 -0.6363095095065463 -0.749349384307848 0 0.9816636461569526 -1.4997237149197198 0 0.3936707840029854 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
176 0 -2.2473519345813853 1 -2.2925315260057726 -0.7484894426222941 -1.3114691083096155 0 0.9816636461569526 1.0518728650942861 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
177 1 0.8322167849102362 0 0.8709276495728916 0.3733098885351833 0.8594760326627277 1 -1.0262847209822685 -1.888950311871009 0 0.7436003697834168 0.6764192786728188 2.4726821928767904 -0.8757058119953168
178 1 -0.3776137834614723 1 0.8709276495728916 0.4854898216509311 0.9370097876974541 0 -1.0262847209822685 -1.1969919172909393 1 2.755695488020898 0.6764192786728188 2.4726821928767904 1.189277325460889
179 1 -0.9275367690849761 1 -0.18355874228666322 1.0463894872296697 -0.36168060913421535 0 -1.0262847209822685 -0.11580692575958103 0 2.2308011093502507 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
180 1 1.38213977053374 1 0.8709276495728916 -0.355859676717177 0.08413848231546225 1 -1.0262847209822685 0.5761514688204884 0 -0.743600369783417 0.6764192786728188 1.4112764821029693 1.189277325460889
181 0 -0.48759838058617305 1 -0.18355874228666322 -0.13149981048568152 -1.0401009656880726 0 -1.0262847209822685 0.5761514688204884 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
182 0 -1.3674751575837791 1 -0.18355874228666322 -0.6363095095065463 -0.18722966030608063 1 -1.0262847209822685 1.9168208583193729 0 -0.2187059911127697 2.307072896901936 -0.7115349394446727 1.189277325460889
183 1 0.17230920216203158 0 0.8709276495728916 0.14895002230368784 3.0885714899111156 0 0.9816636461569526 0.01393527322418198 1 0.7436003697834168 0.6764192786728188 1.4112764821029693 1.189277325460889
184 1 -1.47745975470848 1 0.8709276495728916 -1.1972091750852851 -1.5053034958964318 0 0.9816636461569526 0.35991447051421666 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
185 0 -1.3674751575837791 0 0.8709276495728916 -1.645928907548276 0.29735630866096024 0 0.9816636461569526 -1.1969919172909393 0 -0.3936707840029855 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
186 0 -0.15764458921207072 1 -0.18355874228666322 -0.07540984392780764 -0.07092902775399083 1 0.9816636461569526 1.0086254654330318 0 -0.9185651626736328 -0.9542343395562983 2.4726821928767904 -0.8757058119953168
187 0 -1.2574905604590785 1 -0.18355874228666322 -0.07540984392780764 1.266528246595042 0 -1.0262847209822685 0.532904069159234 0 0.7436003697834168 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
188 1 0.17230920216203158 1 0.8709276495728916 0.0367700891879401 -1.2727022307922522 0 0.9816636461569526 -1.9321977115322633 1 0.9185651626736328 0.6764192786728188 0.3498707713291484 0.6730315410968375
189 0 -0.2676291863367715 1 0.8709276495728916 -1.3093891082010327 -0.3229137316168521 1 -1.0262847209822685 -0.11580692575958103 0 -0.8310827662285248 -0.9542343395562983 2.4726821928767904 1.189277325460889
190 0 0.8322167849102362 0 0.8709276495728916 0.4854898216509311 2.797819908530891 0 0.9816636461569526 0.31666707085296236 0 0.13122359466766173 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
191 1 1.7120935619078423 1 -0.18355874228666322 1.6072891528084083 0.3748900636956868 0 -1.0262847209822685 -1.6294659139034828 1 1.6184243342344955 0.6764192786728188 0.3498707713291484 1.189277325460889
192 0 -0.04765999208736997 1 0.8709276495728916 0.4854898216509311 -0.20661309906476227 0 -1.0262847209822685 0.44640926983672535 0 0.13122359466766173 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
193 1 1.7120935619078423 1 0.8709276495728916 0.7659396544403004 -1.4665366183790685 0 -1.0262847209822685 -1.0672497183071765 1 1.355977144899172 2.307072896901936 -0.7115349394446727 1.189277325460889
194 0 -0.04765999208736997 1 -1.238045134146218 -1.3093891082010327 1.1502276140429522 0 -1.0262847209822685 0.273419671191708 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
195 1 -2.1373673374566846 1 0.8709276495728916 -0.2997697101593031 0.626874767558548 0 0.9816636461569526 0.273419671191708 1 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
196 0 -0.7075675748355745 1 -0.18355874228666322 -0.41194964327505085 0.10352192107414389 1 -1.0262847209822685 1.0951202647555405 0 -0.9185651626736328 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
197 0 0.0623246050373308 0 -1.238045134146218 0.20503998886156172 0.006604727280735711 0 0.9816636461569526 0.4896566694979797 0 0.3061883875578774 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
198 0 0.3922783964114331 0 0.8709276495728916 -1.7581088406640237 -0.03216215023662756 0 0.9816636461569526 -1.1969919172909393 0 -0.04374119822255398 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
199 0 -0.04765999208736997 0 -0.18355874228666322 -1.1972091750852851 -0.6911990680318032 0 -1.0262847209822685 0.35991447051421666 0 0.48115318044809335 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
200 0 1.6021089647831415 0 -2.2925315260057726 0.4854898216509311 -0.20661309906476227 0 -1.0262847209822685 0.05718267288543632 0 0.656117973338309 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
201 1 2.481985741780748 1 0.8709276495728916 -0.355859676717177 1.053310420249544 0 0.9816636461569526 0.532904069159234 1 -0.9185651626736328 -0.9542343395562983 2.4726821928767904 -0.8757058119953168
202 0 1.4921243676584408 1 -0.18355874228666322 -0.7484894426222941 0.5299575737651399 0 -1.0262847209822685 0.05718267288543632 0 -0.04374119822255398 -0.9542343395562983 0.3498707713291484 1.189277325460889
203 1 0.3922783964114331 1 0.8709276495728916 -0.355859676717177 0.9757766652148174 0 0.9816636461569526 0.9221306661105231 0 -0.9185651626736328 -0.9542343395562983 1.4112764821029693 1.189277325460889
204 1 0.6122475906608347 1 0.8709276495728916 -0.355859676717177 0.1616722373501888 0 0.9816636461569526 -0.37529132372710705 1 1.5309419377893876 0.6764192786728188 0.3498707713291484 1.189277325460889
205 1 -0.3776137834614723 1 0.8709276495728916 0.4854898216509311 0.9563932264561358 0 -1.0262847209822685 1.0086254654330318 1 0.48115318044809335 -0.9542343395562983 -0.7115349394446727 1.189277325460889
206 1 0.0623246050373308 1 0.8709276495728916 1.6072891528084083 0.7625588388693195 0 0.9816636461569526 -0.2023017250820897 1 -0.2187059911127697 0.6764192786728188 0.3498707713291484 1.189277325460889
207 0 -0.2676291863367715 1 -2.2925315260057726 1.1585694203454175 0.9370097876974541 1 -1.0262847209822685 1.2248624637393035 0 0.13122359466766173 0.6764192786728188 -0.7115349394446727 1.189277325460889
208 0 0.6122475906608347 0 -0.18355874228666322 -1.645928907548276 1.3246785628710869 0 -1.0262847209822685 0.44640926983672535 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
209 0 0.3922783964114331 1 -0.18355874228666322 -1.4776590078746543 -0.18722966030608063 0 0.9816636461569526 0.18692487186919932 1 -0.3936707840029855 0.6764192786728188 -0.7115349394446727 1.189277325460889
210 1 1.0521859791596377 1 -0.18355874228666322 -0.355859676717177 1.1502276140429522 0 -1.0262847209822685 -0.8077653203396504 1 0.656117973338309 0.6764192786728188 -0.7115349394446727 1.189277325460889
211 0 -1.917398143207283 1 -0.18355874228666322 -0.07540984392780764 0.006604727280735711 0 -1.0262847209822685 1.6140890606905924 0 2.143318712905143 2.307072896901936 -0.7115349394446727 -0.8757058119953168
212 1 0.5022629935361339 1 -2.2925315260057726 2.168188818387147 0.7431754001106379 0 0.9816636461569526 0.403161870175471 0 -0.743600369783417 0.6764192786728188 -0.7115349394446727 1.189277325460889
213 0 -0.3776137834614723 1 -0.18355874228666322 -0.355859676717177 -0.09031246651267247 1 0.9816636461569526 0.7058936678042513 0 1.1810123520089562 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
214 0 -1.2574905604590785 0 -0.18355874228666322 -0.5241295763907986 -0.7105825067904847 0 -1.0262847209822685 0.662646268142997 0 -0.743600369783417 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
215 1 0.3922783964114331 1 0.8709276495728916 -0.18758977704355537 -0.6524321905144399 0 0.9816636461569526 -0.8077653203396504 1 1.0060475591187408 0.6764192786728188 2.4726821928767904 1.189277325460889
216 0 -2.797274920204889 1 -1.238045134146218 -0.07540984392780764 -0.8850334556186195 0 0.9816636461569526 2.2628000556094077 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
217 0 -1.47745975470848 0 -1.238045134146218 -0.07540984392780764 -0.8850334556186195 0 0.9816636461569526 0.9653780657717774 0 0.3061883875578774 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
218 0 0.942201382034937 0 -0.18355874228666322 0.20503998886156172 0.04537160479809898 0 0.9816636461569526 0.9653780657717774 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
219 0 -0.3776137834614723 1 -0.18355874228666322 -2.094648640011267 -0.4392143641689419 0 -1.0262847209822685 0.18692487186919932 1 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 1.189277325460889
220 0 -0.04765999208736997 1 -0.18355874228666322 -0.6363095095065463 0.1616722373501888 0 0.9816636461569526 -0.11580692575958103 0 -0.5686355768932012 0.6764192786728188 -0.7115349394446727 1.189277325460889
221 0 -1.1475059633343776 1 -1.238045134146218 -0.6363095095065463 -0.5748984354797133 0 -1.0262847209822685 0.8788832664492687 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
222 1 -0.04765999208736997 1 0.8709276495728916 -1.1972091750852851 -0.20661309906476227 0 -1.0262847209822685 -1.0240023186459222 1 1.5309419377893876 0.6764192786728188 0.3498707713291484 1.189277325460889
223 1 1.1621705762843384 1 0.8709276495728916 0.20503998886156172 0.08413848231546225 0 0.9816636461569526 -0.9807549189846677 0 1.5309419377893876 0.6764192786728188 0.3498707713291484 1.189277325460889
224 0 0.2822937992867323 1 -0.18355874228666322 1.0463894872296697 -1.5828372509311583 0 -1.0262847209822685 1.0518728650942861 0 0.48115318044809335 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
225 1 0.942201382034937 1 0.8709276495728916 -0.07540984392780764 1.5572798279752664 1 0.9816636461569526 -0.7645179206783961 1 0.656117973338309 -0.9542343395562983 2.4726821928767904 1.189277325460889
226 0 -2.1373673374566846 0 0.8709276495728916 0.3733098885351833 -1.2920856695509337 0 -1.0262847209822685 1.3978520623843207 0 0.3061883875578774 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
227 0 -1.47745975470848 1 -1.238045134146218 0.20503998886156172 -0.9044168943773011 0 -1.0262847209822685 -0.7645179206783961 0 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 0.6730315410968375
228 1 0.8322167849102362 0 -0.18355874228666322 -0.07540984392780764 0.25858943114359695 0 -1.0262847209822685 -2.278176908822298 0 0.13122359466766173 0.6764192786728188 0.3498707713291484 1.189277325460889
229 1 -1.2574905604590785 0 0.8709276495728916 0.0367700891879401 1.7704976543207644 1 0.9816636461569526 -0.5915283220333787 1 1.7059067306796034 0.6764192786728188 -0.7115349394446727 1.189277325460889
230 0 0.3922783964114331 0 -2.2925315260057726 1.0463894872296697 0.6462582063172296 1 0.9816636461569526 0.532904069159234 0 -0.04374119822255398 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
231 0 -0.2676291863367715 1 -2.2925315260057726 -0.7484894426222941 -1.233935353274889 0 0.9816636461569526 1.7438312596743555 0 -0.9185651626736328 0.6764192786728188 -0.7115349394446727 0.6730315410968375
232 1 0.7222321877855354 0 0.8709276495728916 0.7659396544403004 1.1114607365255889 0 0.9816636461569526 -0.15905432542083536 1 -0.04374119822255398 0.6764192786728188 -0.7115349394446727 1.189277325460889
233 1 -1.6974289489578815 1 0.8709276495728916 -0.7484894426222941 -0.594281874238395 0 -1.0262847209822685 -0.4185387233883614 0 0.13122359466766173 0.6764192786728188 -0.7115349394446727 1.189277325460889
234 0 -1.037521366209677 1 0.8709276495728916 -0.9167593422959157 0.20043911486755206 0 0.9816636461569526 1.5275942613680837 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
235 1 -0.2676291863367715 1 0.8709276495728916 -0.18758977704355537 0.10352192107414389 0 -1.0262847209822685 0.4896566694979797 1 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 1.189277325460889
236 0 0.8322167849102362 1 -0.18355874228666322 -0.07540984392780764 -0.36168060913421535 0 -1.0262847209822685 -0.15905432542083536 0 0.656117973338309 0.6764192786728188 2.4726821928767904 1.189277325460889
237 1 0.8322167849102362 0 0.8709276495728916 1.6072891528084083 -1.660371005965885 0 0.9816636461569526 -0.2023017250820897 0 4.505343416923056 2.307072896901936 2.4726821928767904 1.189277325460889
238 0 -0.15764458921207072 0 0.8709276495728916 0.3733098885351833 -0.30353029285817046 0 0.9816636461569526 0.44640926983672535 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
239 1 -1.2574905604590785 1 0.8709276495728916 -0.6363095095065463 -1.4083863021030236 0 0.9816636461569526 -1.283486716613448 1 1.268494748454064 0.6764192786728188 -0.7115349394446727 1.189277325460889
240 0 -0.8175521719602753 1 -0.18355874228666322 0.3733098885351833 0.14228879859150714 0 0.9816636461569526 0.273419671191708 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
241 0 -0.2676291863367715 1 -1.238045134146218 -0.6363095095065463 1.4603626341818583 0 -1.0262847209822685 0.9653780657717774 0 -0.743600369783417 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
242 1 1.4921243676584408 1 -0.18355874228666322 2.729088483965886 0.47180725748909497 1 0.9816636461569526 0.01393527322418198 1 0.48115318044809335 0.6764192786728188 -0.7115349394446727 1.189277325460889
243 0 -1.6974289489578815 1 -0.18355874228666322 0.4854898216509311 1.3828288791471317 0 0.9816636461569526 1.3978520623843207 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
244 0 -0.15764458921207072 0 0.8709276495728916 -0.07540984392780764 0.2779728699022786 0 0.9816636461569526 -0.28879652440459835 0 -0.5686355768932012 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
245 1 0.8322167849102362 0 0.8709276495728916 0.4854898216509311 0.35550662493700513 0 0.9816636461569526 0.44640926983672535 0 2.2308011093502507 2.307072896901936 1.4112764821029693 -0.8757058119953168
246 0 -0.3776137834614723 0 -0.18355874228666322 0.4854898216509311 1.1308441752842706 0 0.9816636461569526 -0.3320439240658527 0 0.3936707840029854 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
247 1 0.6122475906608347 1 0.8709276495728916 -0.07540984392780764 0.06475504355678062 0 -1.0262847209822685 -0.24554912474334403 1 0.3061883875578774 -0.9542343395562983 0.3498707713291484 1.189277325460889
248 1 1.1621705762843384 1 0.8709276495728916 -1.1972091750852851 -0.03216215023662756 0 0.9816636461569526 0.35991447051421666 0 -0.3936707840029855 -0.9542343395562983 1.4112764821029693 0.6730315410968375
249 0 1.1621705762843384 0 -0.18355874228666322 1.3268393200190391 0.3748900636956868 0 -1.0262847209822685 -0.0725595260983267 0 -0.2187059911127697 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
250 1 0.6122475906608347 1 -0.18355874228666322 0.4854898216509311 -1.2533187920335707 0 0.9816636461569526 0.23017227153045366 0 1.7059067306796034 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
251 1 0.6122475906608347 1 0.8709276495728916 0.7659396544403004 0.626874767558548 0 0.9816636461569526 -0.3320439240658527 1 1.5309419377893876 0.6764192786728188 1.4112764821029693 1.189277325460889
252 1 -0.04765999208736997 1 0.8709276495728916 -0.6363095095065463 -1.1951684757575256 0 -1.0262847209822685 -1.5862185142422285 0 0.3061883875578774 0.6764192786728188 0.3498707713291484 1.189277325460889
253 0 -1.1475059633343776 1 -1.238045134146218 -0.07540984392780764 -0.594281874238395 0 0.9816636461569526 1.6573364603518468 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
254 1 -1.1475059633343776 1 0.8709276495728916 -1.0850292419695373 0.7819422776280011 0 0.9816636461569526 0.143677472207945 0 -0.9185651626736328 -0.9542343395562983 0.3498707713291484 -0.8757058119953168
255 0 -0.3776137834614723 1 -0.18355874228666322 -1.1972091750852851 -1.447153179620387 0 -1.0262847209822685 -1.1537445176296852 0 -0.3936707840029855 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
256 0 0.5022629935361339 1 -0.18355874228666322 1.0463894872296697 -0.7299659455491664 1 -1.0262847209822685 0.31666707085296236 0 0.48115318044809335 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
257 0 1.822078159032543 0 -1.238045134146218 1.6072891528084083 1.0145435427321807 0 -1.0262847209822685 0.532904069159234 0 -0.5686355768932012 -0.9542343395562983 1.4112764821029693 -0.8757058119953168
258 0 0.7222321877855354 1 -0.18355874228666322 1.0463894872296697 -0.12907934403003574 1 -1.0262847209822685 -0.5482809223721244 1 -0.04374119822255398 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
259 1 0.0623246050373308 1 0.8709276495728916 0.0367700891879401 2.0030989194249442 0 -1.0262847209822685 -0.7645179206783961 1 0.13122359466766173 0.6764192786728188 0.3498707713291484 1.189277325460889
260 1 1.0521859791596377 1 -0.18355874228666322 0.4854898216509311 1.6541970217686748 0 -1.0262847209822685 0.35991447051421666 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
261 0 -1.2574905604590785 1 0.8709276495728916 1.0463894872296697 -0.05154558899530919 0 -1.0262847209822685 0.9221306661105231 0 0.3936707840029854 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
262 0 0.3922783964114331 0 -0.18355874228666322 -0.6363095095065463 1.751114215562083 0 -1.0262847209822685 0.9653780657717774 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
263 1 0.6122475906608347 1 0.8709276495728916 -0.07540984392780764 -0.8462665781012563 0 0.9816636461569526 -0.7645179206783961 1 1.1810123520089562 0.6764192786728188 1.4112764821029693 1.189277325460889
264 1 0.3922783964114331 1 -1.238045134146218 -0.6363095095065463 0.6656416450759113 0 0.9816636461569526 0.44640926983672535 0 0.656117973338309 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
265 0 -0.5975829777108738 1 -1.238045134146218 -0.07540984392780764 0.3167397474196419 0 -1.0262847209822685 0.9221306661105231 0 -0.3936707840029855 -0.9542343395562983 -0.7115349394446727 -0.8757058119953168
266 1 -0.7075675748355745 1 -1.238045134146218 -1.1972091750852851 -0.40044748665157864 0 -1.0262847209822685 0.79238846712676 0 -0.04374119822255398 2.307072896901936 -0.7115349394446727 1.189277325460889
267 0 -0.2676291863367715 1 -0.18355874228666322 2.2803687515028948 -0.9819506494120277 1 -1.0262847209822685 0.532904069159234 0 -0.48115318044809335 -0.9542343395562983 -0.7115349394446727 1.189277325460889
268 0 -1.1475059633343776 1 -1.238045134146218 -0.6363095095065463 0.25858943114359695 0 -1.0262847209822685 1.0086254654330318 0 -0.9185651626736328 -0.9542343395562983 -0.7115349394446727 1.189277325460889
269 0 0.17230920216203158 0 -1.238045134146218 0.4854898216509311 0.8594760326627277 0 0.9816636461569526 0.143677472207945 0 0.2187059911127697 0.6764192786728188 -0.7115349394446727 -0.8757058119953168
270 0 0.2822937992867323 1 0.8709276495728916 0.4854898216509311 -1.117634720722799 0 -1.0262847209822685 -0.0725595260983267 0 -0.5686355768932012 0.6764192786728188 -0.7115349394446727 0.6730315410968375
271 1 1.38213977053374 1 0.8709276495728916 1.6072891528084083 0.7044085225932746 0 0.9816636461569526 -1.8024555125485002 1 0.3936707840029854 0.6764192786728188 2.4726821928767904 -0.8757058119953168

@ -0,0 +1,14 @@
{
"name": "Heart_Disease_Prediction",
"preprocessed_name": "Heart_Disease_Prediction_preprocessed.csv",
"classifier": {
"dt": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.3",
"explainability": {
"technique": "dice"
},
"class_label": "Heart_Disease"
}
}
}

@ -0,0 +1,7 @@
Age,Sex,Chest_pain_type,BP,Cholesterol,FBS_over_120,EKG_results,Max_HR,Exercise_angina,ST_depression,Slope_of_ST,Number_of_vessels_fluro,Thallium,Heart_Disease
-0.927536769084976,1,-0.1835587422866632,1.0463894872296695,-0.3616806091342153,0,-1.0262847209822683,-0.115806925759581,0,2.2308011093502507,-0.53845466,-0.3055833,-0.8757058119953168,0
-0.927536769084976,1,-0.1835587422866632,1.0463894872296695,-0.3616806091342153,0,-1.0262847209822683,-0.115806925759581,0,2.2308011093502507,-0.62556634,-0.3906359,-0.8757058119953168,0
-0.927536769084976,1,-0.1835587422866632,1.0463894872296695,-0.3616806091342153,0,-1.0262847209822683,-0.115806925759581,0,2.2308011093502507,2.0732977,2.2444331,-0.8757058119953168,0
-0.927536769084976,1,-0.1835587422866632,1.0463894872296695,-0.3616806091342153,0,-1.0262847209822683,-2.6042159,0,2.2308011093502507,-0.49463717,-0.7115349394446727,-0.8757058119953168,0
-0.927536769084976,1,-0.1835587422866632,-1.0171208,-0.3616806091342153,0,-1.0262847209822683,-0.115806925759581,0,2.2308011093502507,-0.36317765,-0.7115349394446727,-0.8757058119953168,0
-0.927536769084976,1,-0.1835587422866632,1.0463894872296695,-0.3616806091342153,0,-1.0262847209822683,-2.9101703,0,2.2308011093502507,-0.6707606,-0.7115349394446727,-0.8757058119953168,0
1 Age Sex Chest_pain_type BP Cholesterol FBS_over_120 EKG_results Max_HR Exercise_angina ST_depression Slope_of_ST Number_of_vessels_fluro Thallium Heart_Disease
2 -0.927536769084976 1 -0.1835587422866632 1.0463894872296695 -0.3616806091342153 0 -1.0262847209822683 -0.115806925759581 0 2.2308011093502507 -0.53845466 -0.3055833 -0.8757058119953168 0
3 -0.927536769084976 1 -0.1835587422866632 1.0463894872296695 -0.3616806091342153 0 -1.0262847209822683 -0.115806925759581 0 2.2308011093502507 -0.62556634 -0.3906359 -0.8757058119953168 0
4 -0.927536769084976 1 -0.1835587422866632 1.0463894872296695 -0.3616806091342153 0 -1.0262847209822683 -0.115806925759581 0 2.2308011093502507 2.0732977 2.2444331 -0.8757058119953168 0
5 -0.927536769084976 1 -0.1835587422866632 1.0463894872296695 -0.3616806091342153 0 -1.0262847209822683 -2.6042159 0 2.2308011093502507 -0.49463717 -0.7115349394446727 -0.8757058119953168 0
6 -0.927536769084976 1 -0.1835587422866632 -1.0171208 -0.3616806091342153 0 -1.0262847209822683 -0.115806925759581 0 2.2308011093502507 -0.36317765 -0.7115349394446727 -0.8757058119953168 0
7 -0.927536769084976 1 -0.1835587422866632 1.0463894872296695 -0.3616806091342153 0 -1.0262847209822683 -2.9101703 0 2.2308011093502507 -0.6707606 -0.7115349394446727 -0.8757058119953168 0

@ -0,0 +1,14 @@
feature,importance
Age,0.06434523809523808
Sex,0.06714066246864882
Chest_pain_type,0.2600416291629162
BP,0.09327806122448981
Cholesterol,0.07169544541954709
FBS_over_120,0.0
EKG_results,0.010714285714285713
Max_HR,0.0872706792786692
Exercise_angina,0.0
ST_depression,0.05801020408163264
Slope_of_ST,0.10117424242424242
Number_of_vessels_fluro,0.1252095919511363
Thallium,0.061119960179193626
1 feature importance
2 Age 0.06434523809523808
3 Sex 0.06714066246864882
4 Chest_pain_type 0.2600416291629162
5 BP 0.09327806122448981
6 Cholesterol 0.07169544541954709
7 FBS_over_120 0.0
8 EKG_results 0.010714285714285713
9 Max_HR 0.0872706792786692
10 Exercise_angina 0.0
11 ST_depression 0.05801020408163264
12 Slope_of_ST 0.10117424242424242
13 Number_of_vessels_fluro 0.1252095919511363
14 Thallium 0.061119960179193626

File diff suppressed because it is too large Load Diff

@ -1,17 +1,37 @@
{
"name": "breast-cancer",
"preprocessed_name": "breast-cancer_preprocessed.csv",
"classifier": {
"dt": {
"preprocessing": [
"std",
"imp"
],
"test_set_ratio": "0.3",
"explainability": {
"technique": "dice"
},
"class_label": "diagnosis"
"preprocessed_name": "breast-cancer_preprocessed.csv",
"classifier": {
"rf": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "dice"
},
"class_label": "diagnosis"
},
"lr": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "dice"
},
"class_label": "diagnosis"
},
"dt": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "dice"
},
"class_label": "diagnosis"
},
"svm": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.3",
"explainability": {
"technique": "dice"
},
"class_label": "diagnosis"
}
}
}
}

@ -1,31 +1,31 @@
feature,importance
radius_mean,0.017210810810810814
texture_mean,0.01882432432432432
radius_mean,0.004695562435500515
texture_mean,0.03787113399965967
perimeter_mean,0.0
area_mean,0.0
area_mean,0.02245224677704553
smoothness_mean,0.0
compactness_mean,0.0
concavity_mean,0.0
concave_points_mean,0.0
concave_points_mean,0.013415892672858616
symmetry_mean,0.0
fractal_dimension_mean,0.0
radius_se,0.0
texture_se,0.0
perimeter_se,0.0
area_se,0.017497788997788925
smoothness_se,0.001486648109903867
compactness_se,0.009929313929313925
concavity_se,0.0
concave_points_se,0.005378378378378378
area_se,0.002234344828295312
smoothness_se,0.0
compactness_se,0.0
concavity_se,0.0070433436532507734
concave_points_se,0.0
symmetry_se,0.0
fractal_dimension_se,0.00922007722007722
radius_worst,0.015298498498498491
texture_worst,0.02985742349416771
perimeter_worst,0.7200599023772938
area_worst,0.0
smoothness_worst,0.010346192015720021
compactness_worst,0.015886902286902285
concavity_worst,0.0
concave_points_worst,0.11199297621558496
symmetry_worst,0.005058811389283447
fractal_dimension_worst,0.011951951951951952
fractal_dimension_se,0.0
radius_worst,0.017530099759201924
texture_worst,0.022544772728237898
perimeter_worst,0.7274773303241473
area_worst,0.015606493861647953
smoothness_worst,0.040832762634193435
compactness_worst,0.006260749914000687
concavity_worst,0.003065608578579664
concave_points_worst,0.07896965783338065
symmetry_worst,0.0
fractal_dimension_worst,0.0

1 feature importance
2 radius_mean 0.017210810810810814 0.004695562435500515
3 texture_mean 0.01882432432432432 0.03787113399965967
4 perimeter_mean 0.0
5 area_mean 0.0 0.02245224677704553
6 smoothness_mean 0.0
7 compactness_mean 0.0
8 concavity_mean 0.0
9 concave_points_mean 0.0 0.013415892672858616
10 symmetry_mean 0.0
11 fractal_dimension_mean 0.0
12 radius_se 0.0
13 texture_se 0.0
14 perimeter_se 0.0
15 area_se 0.017497788997788925 0.002234344828295312
16 smoothness_se 0.001486648109903867 0.0
17 compactness_se 0.009929313929313925 0.0
18 concavity_se 0.0 0.0070433436532507734
19 concave_points_se 0.005378378378378378 0.0
20 symmetry_se 0.0
21 fractal_dimension_se 0.00922007722007722 0.0
22 radius_worst 0.015298498498498491 0.017530099759201924
23 texture_worst 0.02985742349416771 0.022544772728237898
24 perimeter_worst 0.7200599023772938 0.7274773303241473
25 area_worst 0.0 0.015606493861647953
26 smoothness_worst 0.010346192015720021 0.040832762634193435
27 compactness_worst 0.015886902286902285 0.006260749914000687
28 concavity_worst 0.0 0.003065608578579664
29 concave_points_worst 0.11199297621558496 0.07896965783338065
30 symmetry_worst 0.005058811389283447 0.0
31 fractal_dimension_worst 0.011951951951951952 0.0

@ -0,0 +1,7 @@
radius_mean,texture_mean,perimeter_mean,area_mean,smoothness_mean,compactness_mean,concavity_mean,concave_points_mean,symmetry_mean,fractal_dimension_mean,radius_se,texture_se,perimeter_se,area_se,smoothness_se,compactness_se,concavity_se,concave_points_se,symmetry_se,fractal_dimension_se,radius_worst,texture_worst,perimeter_worst,area_worst,smoothness_worst,compactness_worst,concavity_worst,concave_points_worst,symmetry_worst,fractal_dimension_worst,diagnosis
-0.09011535845235,1.037953733379148,-0.0168481673173235,-0.1623672690171278,2.55766597237207,1.3732055463832784,0.8411916537275891,1.1050362343577906,-2.4486832,1.6178250594151995,0.5761307741032767,1.29389313246239,0.5162876078975511,-0.25641021,0.5943644612984706,0.3130854401920848,-0.0256541305820692,0.1806793313273841,-0.0680822935979057,0.2689730668812859,-1.4890007,-1.9742909,0.6326150881667919,-0.93010617,-2.41140622,1.6961708536856297,0.9230987782717356,-1.5639764,2.477217320799249,1.366231692494362,0
-1.5631677,1.037953733379148,-0.0168481673173235,-0.1623672690171278,-2.499303,1.3732055463832784,0.8411916537275891,1.1050362343577906,1.6041565150787274,1.6178250594151995,0.5761307741032767,1.29389313246239,-0.2273661,0.2724454304383665,0.5943644612984706,0.3130854401920848,-0.0256541305820692,0.1806793313273841,-0.0680822935979057,0.2689730668812859,0.6069195897816863,-1.7490432,0.6326150881667919,0.4788850814949169,3.955374108442213,1.6961708536856297,0.9230987782717356,1.3200512351649143,-1.52299146,1.366231692494362,0
-0.09011535845235,1.037953733379148,-0.0168481673173235,-0.1623672690171278,2.55766597237207,1.3732055463832784,0.8411916537275891,1.1050362343577906,1.6041565150787274,1.6178250594151995,0.5761307741032767,6.44507224,0.5162876078975511,0.2724454304383665,0.5943644612984706,5.95293912,11.7364798,0.1806793313273841,-0.0680822935979057,9.571253003,0.6069195897816863,2.633636292665226,0.6326150881667919,0.4788850814949169,3.955374108442213,1.6961708536856297,0.9230987782717356,1.3200512351649143,2.477217320799249,1.366231692494362,0
-0.09011535845235,-1.58465958,-0.0168481673173235,-0.1623672690171278,2.55766597237207,1.3732055463832784,0.8411916537275891,-0.775671,1.6041565150787274,1.6178250594151995,0.5761307741032767,1.29389313246239,0.5162876078975511,0.2724454304383665,0.5943644612984706,0.3130854401920848,-0.0256541305820692,0.1806793313273841,-0.0680822935979057,0.2689730668812859,-1.1816113,-1.6516506,0.6326150881667919,0.4788850814949169,-2.06087535,1.6961708536856297,0.9230987782717356,1.3200512351649143,2.477217320799249,1.366231692494362,0
-0.09011535845235,1.037953733379148,-0.0168481673173235,-0.1623672690171278,2.55766597237207,4.41022193,0.8411916537275891,1.1050362343577906,1.6041565150787274,1.6178250594151995,0.5761307741032767,6.44507224,0.5162876078975511,0.2724454304383665,0.5943644612984706,5.95293912,11.7364798,0.1806793313273841,-0.0680822935979057,9.571253003,0.6069195897816863,2.633636292665226,0.6326150881667919,0.4788850814949169,3.955374108442213,1.6961708536856297,0.9230987782717356,1.3200512351649143,2.477217320799249,1.366231692494362,0
-0.09011535845235,-2.05480658,-0.0168481673173235,-0.1623672690171278,2.55766597237207,1.3732055463832784,0.8411916537275891,1.1050362343577906,1.6041565150787274,1.6178250594151995,0.5761307741032767,1.29389313246239,-0.7777131,0.2724454304383665,0.5943644612984706,0.3130854401920848,-0.0256541305820692,0.1806793313273841,-0.0680822935979057,0.2689730668812859,-1.5793316,2.633636292665226,0.6326150881667919,0.4788850814949169,-2.51441493,1.6961708536856297,0.9230987782717356,-1.6327352,-1.95290614,-1.3876588,0
1 radius_mean texture_mean perimeter_mean area_mean smoothness_mean compactness_mean concavity_mean concave_points_mean symmetry_mean fractal_dimension_mean radius_se texture_se perimeter_se area_se smoothness_se compactness_se concavity_se concave_points_se symmetry_se fractal_dimension_se radius_worst texture_worst perimeter_worst area_worst smoothness_worst compactness_worst concavity_worst concave_points_worst symmetry_worst fractal_dimension_worst diagnosis
2 -0.09011535845235 1.037953733379148 -0.0168481673173235 -0.1623672690171278 2.55766597237207 1.3732055463832784 0.8411916537275891 1.1050362343577906 -2.4486832 1.6178250594151995 0.5761307741032767 1.29389313246239 0.5162876078975511 -0.25641021 0.5943644612984706 0.3130854401920848 -0.0256541305820692 0.1806793313273841 -0.0680822935979057 0.2689730668812859 -1.4890007 -1.9742909 0.6326150881667919 -0.93010617 -2.41140622 1.6961708536856297 0.9230987782717356 -1.5639764 2.477217320799249 1.366231692494362 0
3 -1.5631677 1.037953733379148 -0.0168481673173235 -0.1623672690171278 -2.499303 1.3732055463832784 0.8411916537275891 1.1050362343577906 1.6041565150787274 1.6178250594151995 0.5761307741032767 1.29389313246239 -0.2273661 0.2724454304383665 0.5943644612984706 0.3130854401920848 -0.0256541305820692 0.1806793313273841 -0.0680822935979057 0.2689730668812859 0.6069195897816863 -1.7490432 0.6326150881667919 0.4788850814949169 3.955374108442213 1.6961708536856297 0.9230987782717356 1.3200512351649143 -1.52299146 1.366231692494362 0
4 -0.09011535845235 1.037953733379148 -0.0168481673173235 -0.1623672690171278 2.55766597237207 1.3732055463832784 0.8411916537275891 1.1050362343577906 1.6041565150787274 1.6178250594151995 0.5761307741032767 6.44507224 0.5162876078975511 0.2724454304383665 0.5943644612984706 5.95293912 11.7364798 0.1806793313273841 -0.0680822935979057 9.571253003 0.6069195897816863 2.633636292665226 0.6326150881667919 0.4788850814949169 3.955374108442213 1.6961708536856297 0.9230987782717356 1.3200512351649143 2.477217320799249 1.366231692494362 0
5 -0.09011535845235 -1.58465958 -0.0168481673173235 -0.1623672690171278 2.55766597237207 1.3732055463832784 0.8411916537275891 -0.775671 1.6041565150787274 1.6178250594151995 0.5761307741032767 1.29389313246239 0.5162876078975511 0.2724454304383665 0.5943644612984706 0.3130854401920848 -0.0256541305820692 0.1806793313273841 -0.0680822935979057 0.2689730668812859 -1.1816113 -1.6516506 0.6326150881667919 0.4788850814949169 -2.06087535 1.6961708536856297 0.9230987782717356 1.3200512351649143 2.477217320799249 1.366231692494362 0
6 -0.09011535845235 1.037953733379148 -0.0168481673173235 -0.1623672690171278 2.55766597237207 4.41022193 0.8411916537275891 1.1050362343577906 1.6041565150787274 1.6178250594151995 0.5761307741032767 6.44507224 0.5162876078975511 0.2724454304383665 0.5943644612984706 5.95293912 11.7364798 0.1806793313273841 -0.0680822935979057 9.571253003 0.6069195897816863 2.633636292665226 0.6326150881667919 0.4788850814949169 3.955374108442213 1.6961708536856297 0.9230987782717356 1.3200512351649143 2.477217320799249 1.366231692494362 0
7 -0.09011535845235 -2.05480658 -0.0168481673173235 -0.1623672690171278 2.55766597237207 1.3732055463832784 0.8411916537275891 1.1050362343577906 1.6041565150787274 1.6178250594151995 0.5761307741032767 1.29389313246239 -0.7777131 0.2724454304383665 0.5943644612984706 0.3130854401920848 -0.0256541305820692 0.1806793313273841 -0.0680822935979057 0.2689730668812859 -1.5793316 2.633636292665226 0.6326150881667919 0.4788850814949169 -2.51441493 1.6961708536856297 0.9230987782717356 -1.6327352 -1.95290614 -1.3876588 0

@ -0,0 +1,31 @@
feature,importance
radius_mean,0.34548414713899434
texture_mean,0.49278963675416826
perimeter_mean,0.33878328085490084
area_mean,0.429313195545385
smoothness_mean,0.34023326133771087
compactness_mean,-0.4553278143290463
concavity_mean,0.7781714668098371
concave_points_mean,0.945871023808167
symmetry_mean,-0.17627076114226434
fractal_dimension_mean,-0.07421784073537448
radius_se,1.2078109472829006
texture_se,-0.40868183876423264
perimeter_se,0.7136454709207521
area_se,0.9148377060345401
smoothness_se,0.25156106824095126
compactness_se,-0.9063132768733443
concavity_se,-0.10707961585293399
concave_points_se,0.47557083844119635
symmetry_se,-0.34078306047843593
fractal_dimension_se,-0.5911008636521508
radius_worst,0.8797424990780195
texture_worst,1.442609466053506
perimeter_worst,0.707924726007328
area_worst,0.8948273268082891
smoothness_worst,0.42283349335946774
compactness_worst,-0.18273050617038553
concavity_worst,0.9088018959278511
concave_points_worst,0.700755204922871
symmetry_worst,1.0608060889718285
fractal_dimension_worst,0.0463187582536158
1 feature importance
2 radius_mean 0.34548414713899434
3 texture_mean 0.49278963675416826
4 perimeter_mean 0.33878328085490084
5 area_mean 0.429313195545385
6 smoothness_mean 0.34023326133771087
7 compactness_mean -0.4553278143290463
8 concavity_mean 0.7781714668098371
9 concave_points_mean 0.945871023808167
10 symmetry_mean -0.17627076114226434
11 fractal_dimension_mean -0.07421784073537448
12 radius_se 1.2078109472829006
13 texture_se -0.40868183876423264
14 perimeter_se 0.7136454709207521
15 area_se 0.9148377060345401
16 smoothness_se 0.25156106824095126
17 compactness_se -0.9063132768733443
18 concavity_se -0.10707961585293399
19 concave_points_se 0.47557083844119635
20 symmetry_se -0.34078306047843593
21 fractal_dimension_se -0.5911008636521508
22 radius_worst 0.8797424990780195
23 texture_worst 1.442609466053506
24 perimeter_worst 0.707924726007328
25 area_worst 0.8948273268082891
26 smoothness_worst 0.42283349335946774
27 compactness_worst -0.18273050617038553
28 concavity_worst 0.9088018959278511
29 concave_points_worst 0.700755204922871
30 symmetry_worst 1.0608060889718285
31 fractal_dimension_worst 0.0463187582536158

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

File diff suppressed because it is too large Load Diff

@ -0,0 +1,7 @@
radius_mean,texture_mean,perimeter_mean,area_mean,smoothness_mean,compactness_mean,concavity_mean,concave_points_mean,symmetry_mean,fractal_dimension_mean,radius_se,texture_se,perimeter_se,area_se,smoothness_se,compactness_se,concavity_se,concave_points_se,symmetry_se,fractal_dimension_se,radius_worst,texture_worst,perimeter_worst,area_worst,smoothness_worst,compactness_worst,concavity_worst,concave_points_worst,symmetry_worst,fractal_dimension_worst,diagnosis
0.6170799899702847,-0.8353353034209806,0.5243910638193098,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,-0.4210851408653869,-0.0848401704444623,-0.3673529199117118,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,6.22269571,0.1176784677341753,3.09907915,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,1.3863023,1.84059141,0.0837063040338214,0.1328843829666758,-0.7516947755432576,-0.3717528217456942,0.3211864466901087,-0.971890942694303,-0.6453624814650974,1
0.6170799899702847,2.47061492,0.5243910638193098,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,-0.4210851408653869,-0.0848401704444623,-0.3673529199117118,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,-0.4327093635132993,4.921543636,-0.751610285992971,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,1.9491085,2.39149644,0.0837063040338214,0.1328843829666758,-0.7516947755432576,-0.3717528217456942,0.3211864466901087,-0.971890942694303,-0.6453624814650974,1
0.6170799899702847,2.36793708,1.99770684,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,-0.4210851408653869,-0.0848401704444623,-0.3673529199117118,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,-0.4327093635132993,0.1176784677341753,-0.751610285992971,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,1.8579388,2.30225463,0.0837063040338214,0.1328843829666758,-0.7516947755432576,-0.3717528217456942,0.3211864466901087,-0.971890942694303,-0.6453624814650974,1
0.6170799899702847,-0.8353353034209806,0.5243910638193098,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,-0.4210851408653869,-0.0848401704444623,-0.3673529199117118,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,9.82577308,0.1176784677341753,-0.751610285992971,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,-1.2892706434392638,0.0756199096815354,5.19177732,0.1328843829666758,-0.7516947755432576,-0.3717528217456942,2.228451,-0.971890942694303,-0.6453624814650974,0
0.6170799899702847,-0.8353353034209806,0.5243910638193098,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,-0.4210851408653869,-0.0848401704444623,-0.3673529199117118,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,-0.4327093635132993,0.1176784677341753,3.14759944,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,1.4261398,1.87958651,0.0837063040338214,0.1328843829666758,2.47321341,-0.3717528217456942,0.3211864466901087,-0.971890942694303,-0.6453624814650974,1
0.6170799899702847,3.38205359,0.5243910638193098,0.4690235112112793,-0.1487557850511341,-0.7053927153877273,3.2547461,-0.0848401704444623,3.15074582,-0.8828284980385988,-0.7163273340792184,-1.353960351211004,-0.8514819693966649,8.86803871,0.1176784677341753,-0.751610285992971,-0.2385222178537538,0.4077728631320164,-0.8599357068842638,-0.4636997827587783,0.2176044333824192,-1.2892706434392638,0.0756199096815354,0.0837063040338214,0.1328843829666758,-0.7516947755432576,-0.3717528217456942,0.3211864466901087,-0.971890942694303,-0.6453624814650974,1
1 radius_mean texture_mean perimeter_mean area_mean smoothness_mean compactness_mean concavity_mean concave_points_mean symmetry_mean fractal_dimension_mean radius_se texture_se perimeter_se area_se smoothness_se compactness_se concavity_se concave_points_se symmetry_se fractal_dimension_se radius_worst texture_worst perimeter_worst area_worst smoothness_worst compactness_worst concavity_worst concave_points_worst symmetry_worst fractal_dimension_worst diagnosis
2 0.6170799899702847 -0.8353353034209806 0.5243910638193098 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 -0.4210851408653869 -0.0848401704444623 -0.3673529199117118 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 6.22269571 0.1176784677341753 3.09907915 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 1.3863023 1.84059141 0.0837063040338214 0.1328843829666758 -0.7516947755432576 -0.3717528217456942 0.3211864466901087 -0.971890942694303 -0.6453624814650974 1
3 0.6170799899702847 2.47061492 0.5243910638193098 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 -0.4210851408653869 -0.0848401704444623 -0.3673529199117118 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 -0.4327093635132993 4.921543636 -0.751610285992971 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 1.9491085 2.39149644 0.0837063040338214 0.1328843829666758 -0.7516947755432576 -0.3717528217456942 0.3211864466901087 -0.971890942694303 -0.6453624814650974 1
4 0.6170799899702847 2.36793708 1.99770684 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 -0.4210851408653869 -0.0848401704444623 -0.3673529199117118 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 -0.4327093635132993 0.1176784677341753 -0.751610285992971 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 1.8579388 2.30225463 0.0837063040338214 0.1328843829666758 -0.7516947755432576 -0.3717528217456942 0.3211864466901087 -0.971890942694303 -0.6453624814650974 1
5 0.6170799899702847 -0.8353353034209806 0.5243910638193098 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 -0.4210851408653869 -0.0848401704444623 -0.3673529199117118 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 9.82577308 0.1176784677341753 -0.751610285992971 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 -1.2892706434392638 0.0756199096815354 5.19177732 0.1328843829666758 -0.7516947755432576 -0.3717528217456942 2.228451 -0.971890942694303 -0.6453624814650974 0
6 0.6170799899702847 -0.8353353034209806 0.5243910638193098 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 -0.4210851408653869 -0.0848401704444623 -0.3673529199117118 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 -0.4327093635132993 0.1176784677341753 3.14759944 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 1.4261398 1.87958651 0.0837063040338214 0.1328843829666758 2.47321341 -0.3717528217456942 0.3211864466901087 -0.971890942694303 -0.6453624814650974 1
7 0.6170799899702847 3.38205359 0.5243910638193098 0.4690235112112793 -0.1487557850511341 -0.7053927153877273 3.2547461 -0.0848401704444623 3.15074582 -0.8828284980385988 -0.7163273340792184 -1.353960351211004 -0.8514819693966649 8.86803871 0.1176784677341753 -0.751610285992971 -0.2385222178537538 0.4077728631320164 -0.8599357068842638 -0.4636997827587783 0.2176044333824192 -1.2892706434392638 0.0756199096815354 0.0837063040338214 0.1328843829666758 -0.7516947755432576 -0.3717528217456942 0.3211864466901087 -0.971890942694303 -0.6453624814650974 1

@ -0,0 +1,31 @@
feature,importance
radius_mean,0.05838898383313748
texture_mean,0.010627329504094517
perimeter_mean,0.059211015221736725
area_mean,0.046462612595315055
smoothness_mean,0.007903084633813243
compactness_mean,0.0076208556633812876
concavity_mean,0.05910398909725708
concave_points_mean,0.09430485192313967
symmetry_mean,0.00465610805424716
fractal_dimension_mean,0.0038415913429831294
radius_se,0.005497645609801606
texture_se,0.0032113656392921785
perimeter_se,0.005936891030222127
area_se,0.04236260203311633
smoothness_se,0.00408898980186446
compactness_se,0.004412553530392549
concavity_se,0.005939495880861841
concave_points_se,0.0049529474440440716
symmetry_se,0.004209720031383712
fractal_dimension_se,0.00528684498709487
radius_worst,0.10329856509545925
texture_worst,0.020171029625542212
perimeter_worst,0.09960516733018941
area_worst,0.1006059060845282
smoothness_worst,0.015745055274101763
compactness_worst,0.01426679349892249
concavity_worst,0.03779176814372585
concave_points_worst,0.14957711573712704
symmetry_worst,0.0157095686199434
fractal_dimension_worst,0.005209552733281259
1 feature importance
2 radius_mean 0.05838898383313748
3 texture_mean 0.010627329504094517
4 perimeter_mean 0.059211015221736725
5 area_mean 0.046462612595315055
6 smoothness_mean 0.007903084633813243
7 compactness_mean 0.0076208556633812876
8 concavity_mean 0.05910398909725708
9 concave_points_mean 0.09430485192313967
10 symmetry_mean 0.00465610805424716
11 fractal_dimension_mean 0.0038415913429831294
12 radius_se 0.005497645609801606
13 texture_se 0.0032113656392921785
14 perimeter_se 0.005936891030222127
15 area_se 0.04236260203311633
16 smoothness_se 0.00408898980186446
17 compactness_se 0.004412553530392549
18 concavity_se 0.005939495880861841
19 concave_points_se 0.0049529474440440716
20 symmetry_se 0.004209720031383712
21 fractal_dimension_se 0.00528684498709487
22 radius_worst 0.10329856509545925
23 texture_worst 0.020171029625542212
24 perimeter_worst 0.09960516733018941
25 area_worst 0.1006059060845282
26 smoothness_worst 0.015745055274101763
27 compactness_worst 0.01426679349892249
28 concavity_worst 0.03779176814372585
29 concave_points_worst 0.14957711573712704
30 symmetry_worst 0.0157095686199434
31 fractal_dimension_worst 0.005209552733281259

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

File diff suppressed because it is too large Load Diff

@ -0,0 +1,7 @@
radius_mean,texture_mean,perimeter_mean,area_mean,smoothness_mean,compactness_mean,concavity_mean,concave_points_mean,symmetry_mean,fractal_dimension_mean,radius_se,texture_se,perimeter_se,area_se,smoothness_se,compactness_se,concavity_se,concave_points_se,symmetry_se,fractal_dimension_se,radius_worst,texture_worst,perimeter_worst,area_worst,smoothness_worst,compactness_worst,concavity_worst,concave_points_worst,symmetry_worst,fractal_dimension_worst,diagnosis
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-1.29840542,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,4.91091928501904,0.3263734407153162,-0.1104090440232939,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,0.1339840938605798,-0.2499393042673333,-0.5500212283270548,3.3942746991980965,3.8933974345995,1.9895882583898328,2.175786008218025,-1.96996692,4.935010337204807,0
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-0.7644637923250276,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,4.91091928501904,0.3263734407153162,4.58860624,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,0.1339840938605798,-0.2499393042673333,-0.5500212283270548,3.3942746991980965,3.8933974345995,1.9895882583898328,2.175786008218025,6.046041349536011,4.935010337204807,0
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-0.7644637923250276,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,4.91091928501904,0.3263734407153162,-0.1104090440232939,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,0.1339840938605798,-0.2499393042673333,-0.5500212283270548,3.3942746991980965,3.8933974345995,1.9895882583898328,2.175786008218025,0.91348646,4.935010337204807,0
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-0.7644637923250276,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,-1.24539457,0.3263734407153162,-0.1104090440232939,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,0.1339840938605798,-0.2499393042673333,-0.5500212283270548,3.3942746991980965,3.8933974345995,1.9895882583898328,2.175786008218025,-1.46049489,4.935010337204807,0
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-0.7644637923250276,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,4.91091928501904,0.3263734407153162,6.24675058,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,0.1339840938605798,-0.2499393042673333,-0.5500212283270548,3.3942746991980965,3.8933974345995,1.9895882583898328,2.175786008218025,5.6376394,4.935010337204807,0
-0.7689092872596179,0.2537321117621995,-0.5926871666544724,-0.7644637923250276,3.283553480279424,3.40290899127455,1.915897180056998,1.4517073568494945,2.867382930831861,4.91091928501904,0.3263734407153162,-0.1104090440232939,0.286593404544487,-0.2883781482770145,0.6897016600113297,2.744280405496543,0.8195183841461614,1.115007005037871,4.7326803725800906,2.0475108774169506,-0.2814644639166415,-1.375774,-0.2499393042673333,-0.5500212283270548,-1.76115057,3.8933974345995,1.9895882583898328,2.175786008218025,6.046041349536011,4.935010337204807,0
1 radius_mean texture_mean perimeter_mean area_mean smoothness_mean compactness_mean concavity_mean concave_points_mean symmetry_mean fractal_dimension_mean radius_se texture_se perimeter_se area_se smoothness_se compactness_se concavity_se concave_points_se symmetry_se fractal_dimension_se radius_worst texture_worst perimeter_worst area_worst smoothness_worst compactness_worst concavity_worst concave_points_worst symmetry_worst fractal_dimension_worst diagnosis
2 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -1.29840542 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 4.91091928501904 0.3263734407153162 -0.1104090440232939 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 0.1339840938605798 -0.2499393042673333 -0.5500212283270548 3.3942746991980965 3.8933974345995 1.9895882583898328 2.175786008218025 -1.96996692 4.935010337204807 0
3 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -0.7644637923250276 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 4.91091928501904 0.3263734407153162 4.58860624 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 0.1339840938605798 -0.2499393042673333 -0.5500212283270548 3.3942746991980965 3.8933974345995 1.9895882583898328 2.175786008218025 6.046041349536011 4.935010337204807 0
4 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -0.7644637923250276 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 4.91091928501904 0.3263734407153162 -0.1104090440232939 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 0.1339840938605798 -0.2499393042673333 -0.5500212283270548 3.3942746991980965 3.8933974345995 1.9895882583898328 2.175786008218025 0.91348646 4.935010337204807 0
5 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -0.7644637923250276 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 -1.24539457 0.3263734407153162 -0.1104090440232939 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 0.1339840938605798 -0.2499393042673333 -0.5500212283270548 3.3942746991980965 3.8933974345995 1.9895882583898328 2.175786008218025 -1.46049489 4.935010337204807 0
6 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -0.7644637923250276 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 4.91091928501904 0.3263734407153162 6.24675058 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 0.1339840938605798 -0.2499393042673333 -0.5500212283270548 3.3942746991980965 3.8933974345995 1.9895882583898328 2.175786008218025 5.6376394 4.935010337204807 0
7 -0.7689092872596179 0.2537321117621995 -0.5926871666544724 -0.7644637923250276 3.283553480279424 3.40290899127455 1.915897180056998 1.4517073568494945 2.867382930831861 4.91091928501904 0.3263734407153162 -0.1104090440232939 0.286593404544487 -0.2883781482770145 0.6897016600113297 2.744280405496543 0.8195183841461614 1.115007005037871 4.7326803725800906 2.0475108774169506 -0.2814644639166415 -1.375774 -0.2499393042673333 -0.5500212283270548 -1.76115057 3.8933974345995 1.9895882583898328 2.175786008218025 6.046041349536011 4.935010337204807 0

@ -0,0 +1,31 @@
feature,importance
radius_mean,0.14089650533882023
texture_mean,0.29989164684847136
perimeter_mean,0.14841017858259653
area_mean,0.30019359730585377
smoothness_mean,0.145414242537879
compactness_mean,-0.4188403422107396
concavity_mean,1.0328838618067953
concave_points_mean,0.9221839545596038
symmetry_mean,0.11833779390352167
fractal_dimension_mean,0.17728086199022147
radius_se,0.7686694414800542
texture_se,-0.5775874090669548
perimeter_se,0.1830490575584231
area_se,0.7115865665274873
smoothness_se,0.3376908662147989
compactness_se,-0.5588038786692853
concavity_se,-0.1325199135869029
concave_points_se,0.07061739147792065
symmetry_se,-0.1369816157458449
fractal_dimension_se,-0.5415282051648446
radius_worst,0.5427359445257767
texture_worst,0.9610200598050593
perimeter_worst,0.25468972588434213
area_worst,0.6764559705233638
smoothness_worst,0.20464206755536477
compactness_worst,-0.2825907121598423
concavity_worst,0.7023016687759573
concave_points_worst,-0.008885798610200724
symmetry_worst,0.5249525610083183
fractal_dimension_worst,-0.26183160595172916
1 feature importance
2 radius_mean 0.14089650533882023
3 texture_mean 0.29989164684847136
4 perimeter_mean 0.14841017858259653
5 area_mean 0.30019359730585377
6 smoothness_mean 0.145414242537879
7 compactness_mean -0.4188403422107396
8 concavity_mean 1.0328838618067953
9 concave_points_mean 0.9221839545596038
10 symmetry_mean 0.11833779390352167
11 fractal_dimension_mean 0.17728086199022147
12 radius_se 0.7686694414800542
13 texture_se -0.5775874090669548
14 perimeter_se 0.1830490575584231
15 area_se 0.7115865665274873
16 smoothness_se 0.3376908662147989
17 compactness_se -0.5588038786692853
18 concavity_se -0.1325199135869029
19 concave_points_se 0.07061739147792065
20 symmetry_se -0.1369816157458449
21 fractal_dimension_se -0.5415282051648446
22 radius_worst 0.5427359445257767
23 texture_worst 0.9610200598050593
24 perimeter_worst 0.25468972588434213
25 area_worst 0.6764559705233638
26 smoothness_worst 0.20464206755536477
27 compactness_worst -0.2825907121598423
28 concavity_worst 0.7023016687759573
29 concave_points_worst -0.008885798610200724
30 symmetry_worst 0.5249525610083183
31 fractal_dimension_worst -0.26183160595172916

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

File diff suppressed because it is too large Load Diff

@ -6,5 +6,13 @@
"italy-power-demand": "timeseries",
"ecg-five-days": "timeseries",
"heart": "tabular",
"Heart_Disease_Prediction": "tabular"
"ford-a": "timeseries",
"diabetes": [
"tabular",
"uploaded"
],
"Heart_Disease_Prediction": [
"tabular",
"uploaded"
]
}

@ -0,0 +1,769 @@
Pregnancies,Glucose,BloodPressure,SkinThickness,Insulin,BMI,DiabetesPedigreeFunction,Age,Outcome
6,148,72,35,0,33.6,0.627,50,1
1,85,66,29,0,26.6,0.351,31,0
8,183,64,0,0,23.3,0.672,32,1
1,89,66,23,94,28.1,0.167,21,0
0,137,40,35,168,43.1,2.288,33,1
5,116,74,0,0,25.6,0.201,30,0
3,78,50,32,88,31,0.248,26,1
10,115,0,0,0,35.3,0.134,29,0
2,197,70,45,543,30.5,0.158,53,1
8,125,96,0,0,0,0.232,54,1
4,110,92,0,0,37.6,0.191,30,0
10,168,74,0,0,38,0.537,34,1
10,139,80,0,0,27.1,1.441,57,0
1,189,60,23,846,30.1,0.398,59,1
5,166,72,19,175,25.8,0.587,51,1
7,100,0,0,0,30,0.484,32,1
0,118,84,47,230,45.8,0.551,31,1
7,107,74,0,0,29.6,0.254,31,1
1,103,30,38,83,43.3,0.183,33,0
1,115,70,30,96,34.6,0.529,32,1
3,126,88,41,235,39.3,0.704,27,0
8,99,84,0,0,35.4,0.388,50,0
7,196,90,0,0,39.8,0.451,41,1
9,119,80,35,0,29,0.263,29,1
11,143,94,33,146,36.6,0.254,51,1
10,125,70,26,115,31.1,0.205,41,1
7,147,76,0,0,39.4,0.257,43,1
1,97,66,15,140,23.2,0.487,22,0
13,145,82,19,110,22.2,0.245,57,0
5,117,92,0,0,34.1,0.337,38,0
5,109,75,26,0,36,0.546,60,0
3,158,76,36,245,31.6,0.851,28,1
3,88,58,11,54,24.8,0.267,22,0
6,92,92,0,0,19.9,0.188,28,0
10,122,78,31,0,27.6,0.512,45,0
4,103,60,33,192,24,0.966,33,0
11,138,76,0,0,33.2,0.42,35,0
9,102,76,37,0,32.9,0.665,46,1
2,90,68,42,0,38.2,0.503,27,1
4,111,72,47,207,37.1,1.39,56,1
3,180,64,25,70,34,0.271,26,0
7,133,84,0,0,40.2,0.696,37,0
7,106,92,18,0,22.7,0.235,48,0
9,171,110,24,240,45.4,0.721,54,1
7,159,64,0,0,27.4,0.294,40,0
0,180,66,39,0,42,1.893,25,1
1,146,56,0,0,29.7,0.564,29,0
2,71,70,27,0,28,0.586,22,0
7,103,66,32,0,39.1,0.344,31,1
7,105,0,0,0,0,0.305,24,0
1,103,80,11,82,19.4,0.491,22,0
1,101,50,15,36,24.2,0.526,26,0
5,88,66,21,23,24.4,0.342,30,0
8,176,90,34,300,33.7,0.467,58,1
7,150,66,42,342,34.7,0.718,42,0
1,73,50,10,0,23,0.248,21,0
7,187,68,39,304,37.7,0.254,41,1
0,100,88,60,110,46.8,0.962,31,0
0,146,82,0,0,40.5,1.781,44,0
0,105,64,41,142,41.5,0.173,22,0
2,84,0,0,0,0,0.304,21,0
8,133,72,0,0,32.9,0.27,39,1
5,44,62,0,0,25,0.587,36,0
2,141,58,34,128,25.4,0.699,24,0
7,114,66,0,0,32.8,0.258,42,1
5,99,74,27,0,29,0.203,32,0
0,109,88,30,0,32.5,0.855,38,1
2,109,92,0,0,42.7,0.845,54,0
1,95,66,13,38,19.6,0.334,25,0
4,146,85,27,100,28.9,0.189,27,0
2,100,66,20,90,32.9,0.867,28,1
5,139,64,35,140,28.6,0.411,26,0
13,126,90,0,0,43.4,0.583,42,1
4,129,86,20,270,35.1,0.231,23,0
1,79,75,30,0,32,0.396,22,0
1,0,48,20,0,24.7,0.14,22,0
7,62,78,0,0,32.6,0.391,41,0
5,95,72,33,0,37.7,0.37,27,0
0,131,0,0,0,43.2,0.27,26,1
2,112,66,22,0,25,0.307,24,0
3,113,44,13,0,22.4,0.14,22,0
2,74,0,0,0,0,0.102,22,0
7,83,78,26,71,29.3,0.767,36,0
0,101,65,28,0,24.6,0.237,22,0
5,137,108,0,0,48.8,0.227,37,1
2,110,74,29,125,32.4,0.698,27,0
13,106,72,54,0,36.6,0.178,45,0
2,100,68,25,71,38.5,0.324,26,0
15,136,70,32,110,37.1,0.153,43,1
1,107,68,19,0,26.5,0.165,24,0
1,80,55,0,0,19.1,0.258,21,0
4,123,80,15,176,32,0.443,34,0
7,81,78,40,48,46.7,0.261,42,0
4,134,72,0,0,23.8,0.277,60,1
2,142,82,18,64,24.7,0.761,21,0
6,144,72,27,228,33.9,0.255,40,0
2,92,62,28,0,31.6,0.13,24,0
1,71,48,18,76,20.4,0.323,22,0
6,93,50,30,64,28.7,0.356,23,0
1,122,90,51,220,49.7,0.325,31,1
1,163,72,0,0,39,1.222,33,1
1,151,60,0,0,26.1,0.179,22,0
0,125,96,0,0,22.5,0.262,21,0
1,81,72,18,40,26.6,0.283,24,0
2,85,65,0,0,39.6,0.93,27,0
1,126,56,29,152,28.7,0.801,21,0
1,96,122,0,0,22.4,0.207,27,0
4,144,58,28,140,29.5,0.287,37,0
3,83,58,31,18,34.3,0.336,25,0
0,95,85,25,36,37.4,0.247,24,1
3,171,72,33,135,33.3,0.199,24,1
8,155,62,26,495,34,0.543,46,1
1,89,76,34,37,31.2,0.192,23,0
4,76,62,0,0,34,0.391,25,0
7,160,54,32,175,30.5,0.588,39,1
4,146,92,0,0,31.2,0.539,61,1
5,124,74,0,0,34,0.22,38,1
5,78,48,0,0,33.7,0.654,25,0
4,97,60,23,0,28.2,0.443,22,0
4,99,76,15,51,23.2,0.223,21,0
0,162,76,56,100,53.2,0.759,25,1
6,111,64,39,0,34.2,0.26,24,0
2,107,74,30,100,33.6,0.404,23,0
5,132,80,0,0,26.8,0.186,69,0
0,113,76,0,0,33.3,0.278,23,1
1,88,30,42,99,55,0.496,26,1
3,120,70,30,135,42.9,0.452,30,0
1,118,58,36,94,33.3,0.261,23,0
1,117,88,24,145,34.5,0.403,40,1
0,105,84,0,0,27.9,0.741,62,1
4,173,70,14,168,29.7,0.361,33,1
9,122,56,0,0,33.3,1.114,33,1
3,170,64,37,225,34.5,0.356,30,1
8,84,74,31,0,38.3,0.457,39,0
2,96,68,13,49,21.1,0.647,26,0
2,125,60,20,140,33.8,0.088,31,0
0,100,70,26,50,30.8,0.597,21,0
0,93,60,25,92,28.7,0.532,22,0
0,129,80,0,0,31.2,0.703,29,0
5,105,72,29,325,36.9,0.159,28,0
3,128,78,0,0,21.1,0.268,55,0
5,106,82,30,0,39.5,0.286,38,0
2,108,52,26,63,32.5,0.318,22,0
10,108,66,0,0,32.4,0.272,42,1
4,154,62,31,284,32.8,0.237,23,0
0,102,75,23,0,0,0.572,21,0
9,57,80,37,0,32.8,0.096,41,0
2,106,64,35,119,30.5,1.4,34,0
5,147,78,0,0,33.7,0.218,65,0
2,90,70,17,0,27.3,0.085,22,0
1,136,74,50,204,37.4,0.399,24,0
4,114,65,0,0,21.9,0.432,37,0
9,156,86,28,155,34.3,1.189,42,1
1,153,82,42,485,40.6,0.687,23,0
8,188,78,0,0,47.9,0.137,43,1
7,152,88,44,0,50,0.337,36,1
2,99,52,15,94,24.6,0.637,21,0
1,109,56,21,135,25.2,0.833,23,0
2,88,74,19,53,29,0.229,22,0
17,163,72,41,114,40.9,0.817,47,1
4,151,90,38,0,29.7,0.294,36,0
7,102,74,40,105,37.2,0.204,45,0
0,114,80,34,285,44.2,0.167,27,0
2,100,64,23,0,29.7,0.368,21,0
0,131,88,0,0,31.6,0.743,32,1
6,104,74,18,156,29.9,0.722,41,1
3,148,66,25,0,32.5,0.256,22,0
4,120,68,0,0,29.6,0.709,34,0
4,110,66,0,0,31.9,0.471,29,0
3,111,90,12,78,28.4,0.495,29,0
6,102,82,0,0,30.8,0.18,36,1
6,134,70,23,130,35.4,0.542,29,1
2,87,0,23,0,28.9,0.773,25,0
1,79,60,42,48,43.5,0.678,23,0
2,75,64,24,55,29.7,0.37,33,0
8,179,72,42,130,32.7,0.719,36,1
6,85,78,0,0,31.2,0.382,42,0
0,129,110,46,130,67.1,0.319,26,1
5,143,78,0,0,45,0.19,47,0
5,130,82,0,0,39.1,0.956,37,1
6,87,80,0,0,23.2,0.084,32,0
0,119,64,18,92,34.9,0.725,23,0
1,0,74,20,23,27.7,0.299,21,0
5,73,60,0,0,26.8,0.268,27,0
4,141,74,0,0,27.6,0.244,40,0
7,194,68,28,0,35.9,0.745,41,1
8,181,68,36,495,30.1,0.615,60,1
1,128,98,41,58,32,1.321,33,1
8,109,76,39,114,27.9,0.64,31,1
5,139,80,35,160,31.6,0.361,25,1
3,111,62,0,0,22.6,0.142,21,0
9,123,70,44,94,33.1,0.374,40,0
7,159,66,0,0,30.4,0.383,36,1
11,135,0,0,0,52.3,0.578,40,1
8,85,55,20,0,24.4,0.136,42,0
5,158,84,41,210,39.4,0.395,29,1
1,105,58,0,0,24.3,0.187,21,0
3,107,62,13,48,22.9,0.678,23,1
4,109,64,44,99,34.8,0.905,26,1
4,148,60,27,318,30.9,0.15,29,1
0,113,80,16,0,31,0.874,21,0
1,138,82,0,0,40.1,0.236,28,0
0,108,68,20,0,27.3,0.787,32,0
2,99,70,16,44,20.4,0.235,27,0
6,103,72,32,190,37.7,0.324,55,0
5,111,72,28,0,23.9,0.407,27,0
8,196,76,29,280,37.5,0.605,57,1
5,162,104,0,0,37.7,0.151,52,1
1,96,64,27,87,33.2,0.289,21,0
7,184,84,33,0,35.5,0.355,41,1
2,81,60,22,0,27.7,0.29,25,0
0,147,85,54,0,42.8,0.375,24,0
7,179,95,31,0,34.2,0.164,60,0
0,140,65,26,130,42.6,0.431,24,1
9,112,82,32,175,34.2,0.26,36,1
12,151,70,40,271,41.8,0.742,38,1
5,109,62,41,129,35.8,0.514,25,1
6,125,68,30,120,30,0.464,32,0
5,85,74,22,0,29,1.224,32,1
5,112,66,0,0,37.8,0.261,41,1
0,177,60,29,478,34.6,1.072,21,1
2,158,90,0,0,31.6,0.805,66,1
7,119,0,0,0,25.2,0.209,37,0
7,142,60,33,190,28.8,0.687,61,0
1,100,66,15,56,23.6,0.666,26,0
1,87,78,27,32,34.6,0.101,22,0
0,101,76,0,0,35.7,0.198,26,0
3,162,52,38,0,37.2,0.652,24,1
4,197,70,39,744,36.7,2.329,31,0
0,117,80,31,53,45.2,0.089,24,0
4,142,86,0,0,44,0.645,22,1
6,134,80,37,370,46.2,0.238,46,1
1,79,80,25,37,25.4,0.583,22,0
4,122,68,0,0,35,0.394,29,0
3,74,68,28,45,29.7,0.293,23,0
4,171,72,0,0,43.6,0.479,26,1
7,181,84,21,192,35.9,0.586,51,1
0,179,90,27,0,44.1,0.686,23,1
9,164,84,21,0,30.8,0.831,32,1
0,104,76,0,0,18.4,0.582,27,0
1,91,64,24,0,29.2,0.192,21,0
4,91,70,32,88,33.1,0.446,22,0
3,139,54,0,0,25.6,0.402,22,1
6,119,50,22,176,27.1,1.318,33,1
2,146,76,35,194,38.2,0.329,29,0
9,184,85,15,0,30,1.213,49,1
10,122,68,0,0,31.2,0.258,41,0
0,165,90,33,680,52.3,0.427,23,0
9,124,70,33,402,35.4,0.282,34,0
1,111,86,19,0,30.1,0.143,23,0
9,106,52,0,0,31.2,0.38,42,0
2,129,84,0,0,28,0.284,27,0
2,90,80,14,55,24.4,0.249,24,0
0,86,68,32,0,35.8,0.238,25,0
12,92,62,7,258,27.6,0.926,44,1
1,113,64,35,0,33.6,0.543,21,1
3,111,56,39,0,30.1,0.557,30,0
2,114,68,22,0,28.7,0.092,25,0
1,193,50,16,375,25.9,0.655,24,0
11,155,76,28,150,33.3,1.353,51,1
3,191,68,15,130,30.9,0.299,34,0
3,141,0,0,0,30,0.761,27,1
4,95,70,32,0,32.1,0.612,24,0
3,142,80,15,0,32.4,0.2,63,0
4,123,62,0,0,32,0.226,35,1
5,96,74,18,67,33.6,0.997,43,0
0,138,0,0,0,36.3,0.933,25,1
2,128,64,42,0,40,1.101,24,0
0,102,52,0,0,25.1,0.078,21,0
2,146,0,0,0,27.5,0.24,28,1
10,101,86,37,0,45.6,1.136,38,1
2,108,62,32,56,25.2,0.128,21,0
3,122,78,0,0,23,0.254,40,0
1,71,78,50,45,33.2,0.422,21,0
13,106,70,0,0,34.2,0.251,52,0
2,100,70,52,57,40.5,0.677,25,0
7,106,60,24,0,26.5,0.296,29,1
0,104,64,23,116,27.8,0.454,23,0
5,114,74,0,0,24.9,0.744,57,0
2,108,62,10,278,25.3,0.881,22,0
0,146,70,0,0,37.9,0.334,28,1
10,129,76,28,122,35.9,0.28,39,0
7,133,88,15,155,32.4,0.262,37,0
7,161,86,0,0,30.4,0.165,47,1
2,108,80,0,0,27,0.259,52,1
7,136,74,26,135,26,0.647,51,0
5,155,84,44,545,38.7,0.619,34,0
1,119,86,39,220,45.6,0.808,29,1
4,96,56,17,49,20.8,0.34,26,0
5,108,72,43,75,36.1,0.263,33,0
0,78,88,29,40,36.9,0.434,21,0
0,107,62,30,74,36.6,0.757,25,1
2,128,78,37,182,43.3,1.224,31,1
1,128,48,45,194,40.5,0.613,24,1
0,161,50,0,0,21.9,0.254,65,0
6,151,62,31,120,35.5,0.692,28,0
2,146,70,38,360,28,0.337,29,1
0,126,84,29,215,30.7,0.52,24,0
14,100,78,25,184,36.6,0.412,46,1
8,112,72,0,0,23.6,0.84,58,0
0,167,0,0,0,32.3,0.839,30,1
2,144,58,33,135,31.6,0.422,25,1
5,77,82,41,42,35.8,0.156,35,0
5,115,98,0,0,52.9,0.209,28,1
3,150,76,0,0,21,0.207,37,0
2,120,76,37,105,39.7,0.215,29,0
10,161,68,23,132,25.5,0.326,47,1
0,137,68,14,148,24.8,0.143,21,0
0,128,68,19,180,30.5,1.391,25,1
2,124,68,28,205,32.9,0.875,30,1
6,80,66,30,0,26.2,0.313,41,0
0,106,70,37,148,39.4,0.605,22,0
2,155,74,17,96,26.6,0.433,27,1
3,113,50,10,85,29.5,0.626,25,0
7,109,80,31,0,35.9,1.127,43,1
2,112,68,22,94,34.1,0.315,26,0
3,99,80,11,64,19.3,0.284,30,0
3,182,74,0,0,30.5,0.345,29,1
3,115,66,39,140,38.1,0.15,28,0
6,194,78,0,0,23.5,0.129,59,1
4,129,60,12,231,27.5,0.527,31,0
3,112,74,30,0,31.6,0.197,25,1
0,124,70,20,0,27.4,0.254,36,1
13,152,90,33,29,26.8,0.731,43,1
2,112,75,32,0,35.7,0.148,21,0
1,157,72,21,168,25.6,0.123,24,0
1,122,64,32,156,35.1,0.692,30,1
10,179,70,0,0,35.1,0.2,37,0
2,102,86,36,120,45.5,0.127,23,1
6,105,70,32,68,30.8,0.122,37,0
8,118,72,19,0,23.1,1.476,46,0
2,87,58,16,52,32.7,0.166,25,0
1,180,0,0,0,43.3,0.282,41,1
12,106,80,0,0,23.6,0.137,44,0
1,95,60,18,58,23.9,0.26,22,0
0,165,76,43,255,47.9,0.259,26,0
0,117,0,0,0,33.8,0.932,44,0
5,115,76,0,0,31.2,0.343,44,1
9,152,78,34,171,34.2,0.893,33,1
7,178,84,0,0,39.9,0.331,41,1
1,130,70,13,105,25.9,0.472,22,0
1,95,74,21,73,25.9,0.673,36,0
1,0,68,35,0,32,0.389,22,0
5,122,86,0,0,34.7,0.29,33,0
8,95,72,0,0,36.8,0.485,57,0
8,126,88,36,108,38.5,0.349,49,0
1,139,46,19,83,28.7,0.654,22,0
3,116,0,0,0,23.5,0.187,23,0
3,99,62,19,74,21.8,0.279,26,0
5,0,80,32,0,41,0.346,37,1
4,92,80,0,0,42.2,0.237,29,0
4,137,84,0,0,31.2,0.252,30,0
3,61,82,28,0,34.4,0.243,46,0
1,90,62,12,43,27.2,0.58,24,0
3,90,78,0,0,42.7,0.559,21,0
9,165,88,0,0,30.4,0.302,49,1
1,125,50,40,167,33.3,0.962,28,1
13,129,0,30,0,39.9,0.569,44,1
12,88,74,40,54,35.3,0.378,48,0
1,196,76,36,249,36.5,0.875,29,1
5,189,64,33,325,31.2,0.583,29,1
5,158,70,0,0,29.8,0.207,63,0
5,103,108,37,0,39.2,0.305,65,0
4,146,78,0,0,38.5,0.52,67,1
4,147,74,25,293,34.9,0.385,30,0
5,99,54,28,83,34,0.499,30,0
6,124,72,0,0,27.6,0.368,29,1
0,101,64,17,0,21,0.252,21,0
3,81,86,16,66,27.5,0.306,22,0
1,133,102,28,140,32.8,0.234,45,1
3,173,82,48,465,38.4,2.137,25,1
0,118,64,23,89,0,1.731,21,0
0,84,64,22,66,35.8,0.545,21,0
2,105,58,40,94,34.9,0.225,25,0
2,122,52,43,158,36.2,0.816,28,0
12,140,82,43,325,39.2,0.528,58,1
0,98,82,15,84,25.2,0.299,22,0
1,87,60,37,75,37.2,0.509,22,0
4,156,75,0,0,48.3,0.238,32,1
0,93,100,39,72,43.4,1.021,35,0
1,107,72,30,82,30.8,0.821,24,0
0,105,68,22,0,20,0.236,22,0
1,109,60,8,182,25.4,0.947,21,0
1,90,62,18,59,25.1,1.268,25,0
1,125,70,24,110,24.3,0.221,25,0
1,119,54,13,50,22.3,0.205,24,0
5,116,74,29,0,32.3,0.66,35,1
8,105,100,36,0,43.3,0.239,45,1
5,144,82,26,285,32,0.452,58,1
3,100,68,23,81,31.6,0.949,28,0
1,100,66,29,196,32,0.444,42,0
5,166,76,0,0,45.7,0.34,27,1
1,131,64,14,415,23.7,0.389,21,0
4,116,72,12,87,22.1,0.463,37,0
4,158,78,0,0,32.9,0.803,31,1
2,127,58,24,275,27.7,1.6,25,0
3,96,56,34,115,24.7,0.944,39,0
0,131,66,40,0,34.3,0.196,22,1
3,82,70,0,0,21.1,0.389,25,0
3,193,70,31,0,34.9,0.241,25,1
4,95,64,0,0,32,0.161,31,1
6,137,61,0,0,24.2,0.151,55,0
5,136,84,41,88,35,0.286,35,1
9,72,78,25,0,31.6,0.28,38,0
5,168,64,0,0,32.9,0.135,41,1
2,123,48,32,165,42.1,0.52,26,0
4,115,72,0,0,28.9,0.376,46,1
0,101,62,0,0,21.9,0.336,25,0
8,197,74,0,0,25.9,1.191,39,1
1,172,68,49,579,42.4,0.702,28,1
6,102,90,39,0,35.7,0.674,28,0
1,112,72,30,176,34.4,0.528,25,0
1,143,84,23,310,42.4,1.076,22,0
1,143,74,22,61,26.2,0.256,21,0
0,138,60,35,167,34.6,0.534,21,1
3,173,84,33,474,35.7,0.258,22,1
1,97,68,21,0,27.2,1.095,22,0
4,144,82,32,0,38.5,0.554,37,1
1,83,68,0,0,18.2,0.624,27,0
3,129,64,29,115,26.4,0.219,28,1
1,119,88,41,170,45.3,0.507,26,0
2,94,68,18,76,26,0.561,21,0
0,102,64,46,78,40.6,0.496,21,0
2,115,64,22,0,30.8,0.421,21,0
8,151,78,32,210,42.9,0.516,36,1
4,184,78,39,277,37,0.264,31,1
0,94,0,0,0,0,0.256,25,0
1,181,64,30,180,34.1,0.328,38,1
0,135,94,46,145,40.6,0.284,26,0
1,95,82,25,180,35,0.233,43,1
2,99,0,0,0,22.2,0.108,23,0
3,89,74,16,85,30.4,0.551,38,0
1,80,74,11,60,30,0.527,22,0
2,139,75,0,0,25.6,0.167,29,0
1,90,68,8,0,24.5,1.138,36,0
0,141,0,0,0,42.4,0.205,29,1
12,140,85,33,0,37.4,0.244,41,0
5,147,75,0,0,29.9,0.434,28,0
1,97,70,15,0,18.2,0.147,21,0
6,107,88,0,0,36.8,0.727,31,0
0,189,104,25,0,34.3,0.435,41,1
2,83,66,23,50,32.2,0.497,22,0
4,117,64,27,120,33.2,0.23,24,0
8,108,70,0,0,30.5,0.955,33,1
4,117,62,12,0,29.7,0.38,30,1
0,180,78,63,14,59.4,2.42,25,1
1,100,72,12,70,25.3,0.658,28,0
0,95,80,45,92,36.5,0.33,26,0
0,104,64,37,64,33.6,0.51,22,1
0,120,74,18,63,30.5,0.285,26,0
1,82,64,13,95,21.2,0.415,23,0
2,134,70,0,0,28.9,0.542,23,1
0,91,68,32,210,39.9,0.381,25,0
2,119,0,0,0,19.6,0.832,72,0
2,100,54,28,105,37.8,0.498,24,0
14,175,62,30,0,33.6,0.212,38,1
1,135,54,0,0,26.7,0.687,62,0
5,86,68,28,71,30.2,0.364,24,0
10,148,84,48,237,37.6,1.001,51,1
9,134,74,33,60,25.9,0.46,81,0
9,120,72,22,56,20.8,0.733,48,0
1,71,62,0,0,21.8,0.416,26,0
8,74,70,40,49,35.3,0.705,39,0
5,88,78,30,0,27.6,0.258,37,0
10,115,98,0,0,24,1.022,34,0
0,124,56,13,105,21.8,0.452,21,0
0,74,52,10,36,27.8,0.269,22,0
0,97,64,36,100,36.8,0.6,25,0
8,120,0,0,0,30,0.183,38,1
6,154,78,41,140,46.1,0.571,27,0
1,144,82,40,0,41.3,0.607,28,0
0,137,70,38,0,33.2,0.17,22,0
0,119,66,27,0,38.8,0.259,22,0
7,136,90,0,0,29.9,0.21,50,0
4,114,64,0,0,28.9,0.126,24,0
0,137,84,27,0,27.3,0.231,59,0
2,105,80,45,191,33.7,0.711,29,1
7,114,76,17,110,23.8,0.466,31,0
8,126,74,38,75,25.9,0.162,39,0
4,132,86,31,0,28,0.419,63,0
3,158,70,30,328,35.5,0.344,35,1
0,123,88,37,0,35.2,0.197,29,0
4,85,58,22,49,27.8,0.306,28,0
0,84,82,31,125,38.2,0.233,23,0
0,145,0,0,0,44.2,0.63,31,1
0,135,68,42,250,42.3,0.365,24,1
1,139,62,41,480,40.7,0.536,21,0
0,173,78,32,265,46.5,1.159,58,0
4,99,72,17,0,25.6,0.294,28,0
8,194,80,0,0,26.1,0.551,67,0
2,83,65,28,66,36.8,0.629,24,0
2,89,90,30,0,33.5,0.292,42,0
4,99,68,38,0,32.8,0.145,33,0
4,125,70,18,122,28.9,1.144,45,1
3,80,0,0,0,0,0.174,22,0
6,166,74,0,0,26.6,0.304,66,0
5,110,68,0,0,26,0.292,30,0
2,81,72,15,76,30.1,0.547,25,0
7,195,70,33,145,25.1,0.163,55,1
6,154,74,32,193,29.3,0.839,39,0
2,117,90,19,71,25.2,0.313,21,0
3,84,72,32,0,37.2,0.267,28,0
6,0,68,41,0,39,0.727,41,1
7,94,64,25,79,33.3,0.738,41,0
3,96,78,39,0,37.3,0.238,40,0
10,75,82,0,0,33.3,0.263,38,0
0,180,90,26,90,36.5,0.314,35,1
1,130,60,23,170,28.6,0.692,21,0
2,84,50,23,76,30.4,0.968,21,0
8,120,78,0,0,25,0.409,64,0
12,84,72,31,0,29.7,0.297,46,1
0,139,62,17,210,22.1,0.207,21,0
9,91,68,0,0,24.2,0.2,58,0
2,91,62,0,0,27.3,0.525,22,0
3,99,54,19,86,25.6,0.154,24,0
3,163,70,18,105,31.6,0.268,28,1
9,145,88,34,165,30.3,0.771,53,1
7,125,86,0,0,37.6,0.304,51,0
13,76,60,0,0,32.8,0.18,41,0
6,129,90,7,326,19.6,0.582,60,0
2,68,70,32,66,25,0.187,25,0
3,124,80,33,130,33.2,0.305,26,0
6,114,0,0,0,0,0.189,26,0
9,130,70,0,0,34.2,0.652,45,1
3,125,58,0,0,31.6,0.151,24,0
3,87,60,18,0,21.8,0.444,21,0
1,97,64,19,82,18.2,0.299,21,0
3,116,74,15,105,26.3,0.107,24,0
0,117,66,31,188,30.8,0.493,22,0
0,111,65,0,0,24.6,0.66,31,0
2,122,60,18,106,29.8,0.717,22,0
0,107,76,0,0,45.3,0.686,24,0
1,86,66,52,65,41.3,0.917,29,0
6,91,0,0,0,29.8,0.501,31,0
1,77,56,30,56,33.3,1.251,24,0
4,132,0,0,0,32.9,0.302,23,1
0,105,90,0,0,29.6,0.197,46,0
0,57,60,0,0,21.7,0.735,67,0
0,127,80,37,210,36.3,0.804,23,0
3,129,92,49,155,36.4,0.968,32,1
8,100,74,40,215,39.4,0.661,43,1
3,128,72,25,190,32.4,0.549,27,1
10,90,85,32,0,34.9,0.825,56,1
4,84,90,23,56,39.5,0.159,25,0
1,88,78,29,76,32,0.365,29,0
8,186,90,35,225,34.5,0.423,37,1
5,187,76,27,207,43.6,1.034,53,1
4,131,68,21,166,33.1,0.16,28,0
1,164,82,43,67,32.8,0.341,50,0
4,189,110,31,0,28.5,0.68,37,0
1,116,70,28,0,27.4,0.204,21,0
3,84,68,30,106,31.9,0.591,25,0
6,114,88,0,0,27.8,0.247,66,0
1,88,62,24,44,29.9,0.422,23,0
1,84,64,23,115,36.9,0.471,28,0
7,124,70,33,215,25.5,0.161,37,0
1,97,70,40,0,38.1,0.218,30,0
8,110,76,0,0,27.8,0.237,58,0
11,103,68,40,0,46.2,0.126,42,0
11,85,74,0,0,30.1,0.3,35,0
6,125,76,0,0,33.8,0.121,54,1
0,198,66,32,274,41.3,0.502,28,1
1,87,68,34,77,37.6,0.401,24,0
6,99,60,19,54,26.9,0.497,32,0
0,91,80,0,0,32.4,0.601,27,0
2,95,54,14,88,26.1,0.748,22,0
1,99,72,30,18,38.6,0.412,21,0
6,92,62,32,126,32,0.085,46,0
4,154,72,29,126,31.3,0.338,37,0
0,121,66,30,165,34.3,0.203,33,1
3,78,70,0,0,32.5,0.27,39,0
2,130,96,0,0,22.6,0.268,21,0
3,111,58,31,44,29.5,0.43,22,0
2,98,60,17,120,34.7,0.198,22,0
1,143,86,30,330,30.1,0.892,23,0
1,119,44,47,63,35.5,0.28,25,0
6,108,44,20,130,24,0.813,35,0
2,118,80,0,0,42.9,0.693,21,1
10,133,68,0,0,27,0.245,36,0
2,197,70,99,0,34.7,0.575,62,1
0,151,90,46,0,42.1,0.371,21,1
6,109,60,27,0,25,0.206,27,0
12,121,78,17,0,26.5,0.259,62,0
8,100,76,0,0,38.7,0.19,42,0
8,124,76,24,600,28.7,0.687,52,1
1,93,56,11,0,22.5,0.417,22,0
8,143,66,0,0,34.9,0.129,41,1
6,103,66,0,0,24.3,0.249,29,0
3,176,86,27,156,33.3,1.154,52,1
0,73,0,0,0,21.1,0.342,25,0
11,111,84,40,0,46.8,0.925,45,1
2,112,78,50,140,39.4,0.175,24,0
3,132,80,0,0,34.4,0.402,44,1
2,82,52,22,115,28.5,1.699,25,0
6,123,72,45,230,33.6,0.733,34,0
0,188,82,14,185,32,0.682,22,1
0,67,76,0,0,45.3,0.194,46,0
1,89,24,19,25,27.8,0.559,21,0
1,173,74,0,0,36.8,0.088,38,1
1,109,38,18,120,23.1,0.407,26,0
1,108,88,19,0,27.1,0.4,24,0
6,96,0,0,0,23.7,0.19,28,0
1,124,74,36,0,27.8,0.1,30,0
7,150,78,29,126,35.2,0.692,54,1
4,183,0,0,0,28.4,0.212,36,1
1,124,60,32,0,35.8,0.514,21,0
1,181,78,42,293,40,1.258,22,1
1,92,62,25,41,19.5,0.482,25,0
0,152,82,39,272,41.5,0.27,27,0
1,111,62,13,182,24,0.138,23,0
3,106,54,21,158,30.9,0.292,24,0
3,174,58,22,194,32.9,0.593,36,1
7,168,88,42,321,38.2,0.787,40,1
6,105,80,28,0,32.5,0.878,26,0
11,138,74,26,144,36.1,0.557,50,1
3,106,72,0,0,25.8,0.207,27,0
6,117,96,0,0,28.7,0.157,30,0
2,68,62,13,15,20.1,0.257,23,0
9,112,82,24,0,28.2,1.282,50,1
0,119,0,0,0,32.4,0.141,24,1
2,112,86,42,160,38.4,0.246,28,0
2,92,76,20,0,24.2,1.698,28,0
6,183,94,0,0,40.8,1.461,45,0
0,94,70,27,115,43.5,0.347,21,0
2,108,64,0,0,30.8,0.158,21,0
4,90,88,47,54,37.7,0.362,29,0
0,125,68,0,0,24.7,0.206,21,0
0,132,78,0,0,32.4,0.393,21,0
5,128,80,0,0,34.6,0.144,45,0
4,94,65,22,0,24.7,0.148,21,0
7,114,64,0,0,27.4,0.732,34,1
0,102,78,40,90,34.5,0.238,24,0
2,111,60,0,0,26.2,0.343,23,0
1,128,82,17,183,27.5,0.115,22,0
10,92,62,0,0,25.9,0.167,31,0
13,104,72,0,0,31.2,0.465,38,1
5,104,74,0,0,28.8,0.153,48,0
2,94,76,18,66,31.6,0.649,23,0
7,97,76,32,91,40.9,0.871,32,1
1,100,74,12,46,19.5,0.149,28,0
0,102,86,17,105,29.3,0.695,27,0
4,128,70,0,0,34.3,0.303,24,0
6,147,80,0,0,29.5,0.178,50,1
4,90,0,0,0,28,0.61,31,0
3,103,72,30,152,27.6,0.73,27,0
2,157,74,35,440,39.4,0.134,30,0
1,167,74,17,144,23.4,0.447,33,1
0,179,50,36,159,37.8,0.455,22,1
11,136,84,35,130,28.3,0.26,42,1
0,107,60,25,0,26.4,0.133,23,0
1,91,54,25,100,25.2,0.234,23,0
1,117,60,23,106,33.8,0.466,27,0
5,123,74,40,77,34.1,0.269,28,0
2,120,54,0,0,26.8,0.455,27,0
1,106,70,28,135,34.2,0.142,22,0
2,155,52,27,540,38.7,0.24,25,1
2,101,58,35,90,21.8,0.155,22,0
1,120,80,48,200,38.9,1.162,41,0
11,127,106,0,0,39,0.19,51,0
3,80,82,31,70,34.2,1.292,27,1
10,162,84,0,0,27.7,0.182,54,0
1,199,76,43,0,42.9,1.394,22,1
8,167,106,46,231,37.6,0.165,43,1
9,145,80,46,130,37.9,0.637,40,1
6,115,60,39,0,33.7,0.245,40,1
1,112,80,45,132,34.8,0.217,24,0
4,145,82,18,0,32.5,0.235,70,1
10,111,70,27,0,27.5,0.141,40,1
6,98,58,33,190,34,0.43,43,0
9,154,78,30,100,30.9,0.164,45,0
6,165,68,26,168,33.6,0.631,49,0
1,99,58,10,0,25.4,0.551,21,0
10,68,106,23,49,35.5,0.285,47,0
3,123,100,35,240,57.3,0.88,22,0
8,91,82,0,0,35.6,0.587,68,0
6,195,70,0,0,30.9,0.328,31,1
9,156,86,0,0,24.8,0.23,53,1
0,93,60,0,0,35.3,0.263,25,0
3,121,52,0,0,36,0.127,25,1
2,101,58,17,265,24.2,0.614,23,0
2,56,56,28,45,24.2,0.332,22,0
0,162,76,36,0,49.6,0.364,26,1
0,95,64,39,105,44.6,0.366,22,0
4,125,80,0,0,32.3,0.536,27,1
5,136,82,0,0,0,0.64,69,0
2,129,74,26,205,33.2,0.591,25,0
3,130,64,0,0,23.1,0.314,22,0
1,107,50,19,0,28.3,0.181,29,0
1,140,74,26,180,24.1,0.828,23,0
1,144,82,46,180,46.1,0.335,46,1
8,107,80,0,0,24.6,0.856,34,0
13,158,114,0,0,42.3,0.257,44,1
2,121,70,32,95,39.1,0.886,23,0
7,129,68,49,125,38.5,0.439,43,1
2,90,60,0,0,23.5,0.191,25,0
7,142,90,24,480,30.4,0.128,43,1
3,169,74,19,125,29.9,0.268,31,1
0,99,0,0,0,25,0.253,22,0
4,127,88,11,155,34.5,0.598,28,0
4,118,70,0,0,44.5,0.904,26,0
2,122,76,27,200,35.9,0.483,26,0
6,125,78,31,0,27.6,0.565,49,1
1,168,88,29,0,35,0.905,52,1
2,129,0,0,0,38.5,0.304,41,0
4,110,76,20,100,28.4,0.118,27,0
6,80,80,36,0,39.8,0.177,28,0
10,115,0,0,0,0,0.261,30,1
2,127,46,21,335,34.4,0.176,22,0
9,164,78,0,0,32.8,0.148,45,1
2,93,64,32,160,38,0.674,23,1
3,158,64,13,387,31.2,0.295,24,0
5,126,78,27,22,29.6,0.439,40,0
10,129,62,36,0,41.2,0.441,38,1
0,134,58,20,291,26.4,0.352,21,0
3,102,74,0,0,29.5,0.121,32,0
7,187,50,33,392,33.9,0.826,34,1
3,173,78,39,185,33.8,0.97,31,1
10,94,72,18,0,23.1,0.595,56,0
1,108,60,46,178,35.5,0.415,24,0
5,97,76,27,0,35.6,0.378,52,1
4,83,86,19,0,29.3,0.317,34,0
1,114,66,36,200,38.1,0.289,21,0
1,149,68,29,127,29.3,0.349,42,1
5,117,86,30,105,39.1,0.251,42,0
1,111,94,0,0,32.8,0.265,45,0
4,112,78,40,0,39.4,0.236,38,0
1,116,78,29,180,36.1,0.496,25,0
0,141,84,26,0,32.4,0.433,22,0
2,175,88,0,0,22.9,0.326,22,0
2,92,52,0,0,30.1,0.141,22,0
3,130,78,23,79,28.4,0.323,34,1
8,120,86,0,0,28.4,0.259,22,1
2,174,88,37,120,44.5,0.646,24,1
2,106,56,27,165,29,0.426,22,0
2,105,75,0,0,23.3,0.56,53,0
4,95,60,32,0,35.4,0.284,28,0
0,126,86,27,120,27.4,0.515,21,0
8,65,72,23,0,32,0.6,42,0
2,99,60,17,160,36.6,0.453,21,0
1,102,74,0,0,39.5,0.293,42,1
11,120,80,37,150,42.3,0.785,48,1
3,102,44,20,94,30.8,0.4,26,0
1,109,58,18,116,28.5,0.219,22,0
9,140,94,0,0,32.7,0.734,45,1
13,153,88,37,140,40.6,1.174,39,0
12,100,84,33,105,30,0.488,46,0
1,147,94,41,0,49.3,0.358,27,1
1,81,74,41,57,46.3,1.096,32,0
3,187,70,22,200,36.4,0.408,36,1
6,162,62,0,0,24.3,0.178,50,1
4,136,70,0,0,31.2,1.182,22,1
1,121,78,39,74,39,0.261,28,0
3,108,62,24,0,26,0.223,25,0
0,181,88,44,510,43.3,0.222,26,1
8,154,78,32,0,32.4,0.443,45,1
1,128,88,39,110,36.5,1.057,37,1
7,137,90,41,0,32,0.391,39,0
0,123,72,0,0,36.3,0.258,52,1
1,106,76,0,0,37.5,0.197,26,0
6,190,92,0,0,35.5,0.278,66,1
2,88,58,26,16,28.4,0.766,22,0
9,170,74,31,0,44,0.403,43,1
9,89,62,0,0,22.5,0.142,33,0
10,101,76,48,180,32.9,0.171,63,0
2,122,70,27,0,36.8,0.34,27,0
5,121,72,23,112,26.2,0.245,30,0
1,126,60,0,0,30.1,0.349,47,1
1,93,70,31,0,30.4,0.315,23,0
1 Pregnancies Glucose BloodPressure SkinThickness Insulin BMI DiabetesPedigreeFunction Age Outcome
2 6 148 72 35 0 33.6 0.627 50 1
3 1 85 66 29 0 26.6 0.351 31 0
4 8 183 64 0 0 23.3 0.672 32 1
5 1 89 66 23 94 28.1 0.167 21 0
6 0 137 40 35 168 43.1 2.288 33 1
7 5 116 74 0 0 25.6 0.201 30 0
8 3 78 50 32 88 31 0.248 26 1
9 10 115 0 0 0 35.3 0.134 29 0
10 2 197 70 45 543 30.5 0.158 53 1
11 8 125 96 0 0 0 0.232 54 1
12 4 110 92 0 0 37.6 0.191 30 0
13 10 168 74 0 0 38 0.537 34 1
14 10 139 80 0 0 27.1 1.441 57 0
15 1 189 60 23 846 30.1 0.398 59 1
16 5 166 72 19 175 25.8 0.587 51 1
17 7 100 0 0 0 30 0.484 32 1
18 0 118 84 47 230 45.8 0.551 31 1
19 7 107 74 0 0 29.6 0.254 31 1
20 1 103 30 38 83 43.3 0.183 33 0
21 1 115 70 30 96 34.6 0.529 32 1
22 3 126 88 41 235 39.3 0.704 27 0
23 8 99 84 0 0 35.4 0.388 50 0
24 7 196 90 0 0 39.8 0.451 41 1
25 9 119 80 35 0 29 0.263 29 1
26 11 143 94 33 146 36.6 0.254 51 1
27 10 125 70 26 115 31.1 0.205 41 1
28 7 147 76 0 0 39.4 0.257 43 1
29 1 97 66 15 140 23.2 0.487 22 0
30 13 145 82 19 110 22.2 0.245 57 0
31 5 117 92 0 0 34.1 0.337 38 0
32 5 109 75 26 0 36 0.546 60 0
33 3 158 76 36 245 31.6 0.851 28 1
34 3 88 58 11 54 24.8 0.267 22 0
35 6 92 92 0 0 19.9 0.188 28 0
36 10 122 78 31 0 27.6 0.512 45 0
37 4 103 60 33 192 24 0.966 33 0
38 11 138 76 0 0 33.2 0.42 35 0
39 9 102 76 37 0 32.9 0.665 46 1
40 2 90 68 42 0 38.2 0.503 27 1
41 4 111 72 47 207 37.1 1.39 56 1
42 3 180 64 25 70 34 0.271 26 0
43 7 133 84 0 0 40.2 0.696 37 0
44 7 106 92 18 0 22.7 0.235 48 0
45 9 171 110 24 240 45.4 0.721 54 1
46 7 159 64 0 0 27.4 0.294 40 0
47 0 180 66 39 0 42 1.893 25 1
48 1 146 56 0 0 29.7 0.564 29 0
49 2 71 70 27 0 28 0.586 22 0
50 7 103 66 32 0 39.1 0.344 31 1
51 7 105 0 0 0 0 0.305 24 0
52 1 103 80 11 82 19.4 0.491 22 0
53 1 101 50 15 36 24.2 0.526 26 0
54 5 88 66 21 23 24.4 0.342 30 0
55 8 176 90 34 300 33.7 0.467 58 1
56 7 150 66 42 342 34.7 0.718 42 0
57 1 73 50 10 0 23 0.248 21 0
58 7 187 68 39 304 37.7 0.254 41 1
59 0 100 88 60 110 46.8 0.962 31 0
60 0 146 82 0 0 40.5 1.781 44 0
61 0 105 64 41 142 41.5 0.173 22 0
62 2 84 0 0 0 0 0.304 21 0
63 8 133 72 0 0 32.9 0.27 39 1
64 5 44 62 0 0 25 0.587 36 0
65 2 141 58 34 128 25.4 0.699 24 0
66 7 114 66 0 0 32.8 0.258 42 1
67 5 99 74 27 0 29 0.203 32 0
68 0 109 88 30 0 32.5 0.855 38 1
69 2 109 92 0 0 42.7 0.845 54 0
70 1 95 66 13 38 19.6 0.334 25 0
71 4 146 85 27 100 28.9 0.189 27 0
72 2 100 66 20 90 32.9 0.867 28 1
73 5 139 64 35 140 28.6 0.411 26 0
74 13 126 90 0 0 43.4 0.583 42 1
75 4 129 86 20 270 35.1 0.231 23 0
76 1 79 75 30 0 32 0.396 22 0
77 1 0 48 20 0 24.7 0.14 22 0
78 7 62 78 0 0 32.6 0.391 41 0
79 5 95 72 33 0 37.7 0.37 27 0
80 0 131 0 0 0 43.2 0.27 26 1
81 2 112 66 22 0 25 0.307 24 0
82 3 113 44 13 0 22.4 0.14 22 0
83 2 74 0 0 0 0 0.102 22 0
84 7 83 78 26 71 29.3 0.767 36 0
85 0 101 65 28 0 24.6 0.237 22 0
86 5 137 108 0 0 48.8 0.227 37 1
87 2 110 74 29 125 32.4 0.698 27 0
88 13 106 72 54 0 36.6 0.178 45 0
89 2 100 68 25 71 38.5 0.324 26 0
90 15 136 70 32 110 37.1 0.153 43 1
91 1 107 68 19 0 26.5 0.165 24 0
92 1 80 55 0 0 19.1 0.258 21 0
93 4 123 80 15 176 32 0.443 34 0
94 7 81 78 40 48 46.7 0.261 42 0
95 4 134 72 0 0 23.8 0.277 60 1
96 2 142 82 18 64 24.7 0.761 21 0
97 6 144 72 27 228 33.9 0.255 40 0
98 2 92 62 28 0 31.6 0.13 24 0
99 1 71 48 18 76 20.4 0.323 22 0
100 6 93 50 30 64 28.7 0.356 23 0
101 1 122 90 51 220 49.7 0.325 31 1
102 1 163 72 0 0 39 1.222 33 1
103 1 151 60 0 0 26.1 0.179 22 0
104 0 125 96 0 0 22.5 0.262 21 0
105 1 81 72 18 40 26.6 0.283 24 0
106 2 85 65 0 0 39.6 0.93 27 0
107 1 126 56 29 152 28.7 0.801 21 0
108 1 96 122 0 0 22.4 0.207 27 0
109 4 144 58 28 140 29.5 0.287 37 0
110 3 83 58 31 18 34.3 0.336 25 0
111 0 95 85 25 36 37.4 0.247 24 1
112 3 171 72 33 135 33.3 0.199 24 1
113 8 155 62 26 495 34 0.543 46 1
114 1 89 76 34 37 31.2 0.192 23 0
115 4 76 62 0 0 34 0.391 25 0
116 7 160 54 32 175 30.5 0.588 39 1
117 4 146 92 0 0 31.2 0.539 61 1
118 5 124 74 0 0 34 0.22 38 1
119 5 78 48 0 0 33.7 0.654 25 0
120 4 97 60 23 0 28.2 0.443 22 0
121 4 99 76 15 51 23.2 0.223 21 0
122 0 162 76 56 100 53.2 0.759 25 1
123 6 111 64 39 0 34.2 0.26 24 0
124 2 107 74 30 100 33.6 0.404 23 0
125 5 132 80 0 0 26.8 0.186 69 0
126 0 113 76 0 0 33.3 0.278 23 1
127 1 88 30 42 99 55 0.496 26 1
128 3 120 70 30 135 42.9 0.452 30 0
129 1 118 58 36 94 33.3 0.261 23 0
130 1 117 88 24 145 34.5 0.403 40 1
131 0 105 84 0 0 27.9 0.741 62 1
132 4 173 70 14 168 29.7 0.361 33 1
133 9 122 56 0 0 33.3 1.114 33 1
134 3 170 64 37 225 34.5 0.356 30 1
135 8 84 74 31 0 38.3 0.457 39 0
136 2 96 68 13 49 21.1 0.647 26 0
137 2 125 60 20 140 33.8 0.088 31 0
138 0 100 70 26 50 30.8 0.597 21 0
139 0 93 60 25 92 28.7 0.532 22 0
140 0 129 80 0 0 31.2 0.703 29 0
141 5 105 72 29 325 36.9 0.159 28 0
142 3 128 78 0 0 21.1 0.268 55 0
143 5 106 82 30 0 39.5 0.286 38 0
144 2 108 52 26 63 32.5 0.318 22 0
145 10 108 66 0 0 32.4 0.272 42 1
146 4 154 62 31 284 32.8 0.237 23 0
147 0 102 75 23 0 0 0.572 21 0
148 9 57 80 37 0 32.8 0.096 41 0
149 2 106 64 35 119 30.5 1.4 34 0
150 5 147 78 0 0 33.7 0.218 65 0
151 2 90 70 17 0 27.3 0.085 22 0
152 1 136 74 50 204 37.4 0.399 24 0
153 4 114 65 0 0 21.9 0.432 37 0
154 9 156 86 28 155 34.3 1.189 42 1
155 1 153 82 42 485 40.6 0.687 23 0
156 8 188 78 0 0 47.9 0.137 43 1
157 7 152 88 44 0 50 0.337 36 1
158 2 99 52 15 94 24.6 0.637 21 0
159 1 109 56 21 135 25.2 0.833 23 0
160 2 88 74 19 53 29 0.229 22 0
161 17 163 72 41 114 40.9 0.817 47 1
162 4 151 90 38 0 29.7 0.294 36 0
163 7 102 74 40 105 37.2 0.204 45 0
164 0 114 80 34 285 44.2 0.167 27 0
165 2 100 64 23 0 29.7 0.368 21 0
166 0 131 88 0 0 31.6 0.743 32 1
167 6 104 74 18 156 29.9 0.722 41 1
168 3 148 66 25 0 32.5 0.256 22 0
169 4 120 68 0 0 29.6 0.709 34 0
170 4 110 66 0 0 31.9 0.471 29 0
171 3 111 90 12 78 28.4 0.495 29 0
172 6 102 82 0 0 30.8 0.18 36 1
173 6 134 70 23 130 35.4 0.542 29 1
174 2 87 0 23 0 28.9 0.773 25 0
175 1 79 60 42 48 43.5 0.678 23 0
176 2 75 64 24 55 29.7 0.37 33 0
177 8 179 72 42 130 32.7 0.719 36 1
178 6 85 78 0 0 31.2 0.382 42 0
179 0 129 110 46 130 67.1 0.319 26 1
180 5 143 78 0 0 45 0.19 47 0
181 5 130 82 0 0 39.1 0.956 37 1
182 6 87 80 0 0 23.2 0.084 32 0
183 0 119 64 18 92 34.9 0.725 23 0
184 1 0 74 20 23 27.7 0.299 21 0
185 5 73 60 0 0 26.8 0.268 27 0
186 4 141 74 0 0 27.6 0.244 40 0
187 7 194 68 28 0 35.9 0.745 41 1
188 8 181 68 36 495 30.1 0.615 60 1
189 1 128 98 41 58 32 1.321 33 1
190 8 109 76 39 114 27.9 0.64 31 1
191 5 139 80 35 160 31.6 0.361 25 1
192 3 111 62 0 0 22.6 0.142 21 0
193 9 123 70 44 94 33.1 0.374 40 0
194 7 159 66 0 0 30.4 0.383 36 1
195 11 135 0 0 0 52.3 0.578 40 1
196 8 85 55 20 0 24.4 0.136 42 0
197 5 158 84 41 210 39.4 0.395 29 1
198 1 105 58 0 0 24.3 0.187 21 0
199 3 107 62 13 48 22.9 0.678 23 1
200 4 109 64 44 99 34.8 0.905 26 1
201 4 148 60 27 318 30.9 0.15 29 1
202 0 113 80 16 0 31 0.874 21 0
203 1 138 82 0 0 40.1 0.236 28 0
204 0 108 68 20 0 27.3 0.787 32 0
205 2 99 70 16 44 20.4 0.235 27 0
206 6 103 72 32 190 37.7 0.324 55 0
207 5 111 72 28 0 23.9 0.407 27 0
208 8 196 76 29 280 37.5 0.605 57 1
209 5 162 104 0 0 37.7 0.151 52 1
210 1 96 64 27 87 33.2 0.289 21 0
211 7 184 84 33 0 35.5 0.355 41 1
212 2 81 60 22 0 27.7 0.29 25 0
213 0 147 85 54 0 42.8 0.375 24 0
214 7 179 95 31 0 34.2 0.164 60 0
215 0 140 65 26 130 42.6 0.431 24 1
216 9 112 82 32 175 34.2 0.26 36 1
217 12 151 70 40 271 41.8 0.742 38 1
218 5 109 62 41 129 35.8 0.514 25 1
219 6 125 68 30 120 30 0.464 32 0
220 5 85 74 22 0 29 1.224 32 1
221 5 112 66 0 0 37.8 0.261 41 1
222 0 177 60 29 478 34.6 1.072 21 1
223 2 158 90 0 0 31.6 0.805 66 1
224 7 119 0 0 0 25.2 0.209 37 0
225 7 142 60 33 190 28.8 0.687 61 0
226 1 100 66 15 56 23.6 0.666 26 0
227 1 87 78 27 32 34.6 0.101 22 0
228 0 101 76 0 0 35.7 0.198 26 0
229 3 162 52 38 0 37.2 0.652 24 1
230 4 197 70 39 744 36.7 2.329 31 0
231 0 117 80 31 53 45.2 0.089 24 0
232 4 142 86 0 0 44 0.645 22 1
233 6 134 80 37 370 46.2 0.238 46 1
234 1 79 80 25 37 25.4 0.583 22 0
235 4 122 68 0 0 35 0.394 29 0
236 3 74 68 28 45 29.7 0.293 23 0
237 4 171 72 0 0 43.6 0.479 26 1
238 7 181 84 21 192 35.9 0.586 51 1
239 0 179 90 27 0 44.1 0.686 23 1
240 9 164 84 21 0 30.8 0.831 32 1
241 0 104 76 0 0 18.4 0.582 27 0
242 1 91 64 24 0 29.2 0.192 21 0
243 4 91 70 32 88 33.1 0.446 22 0
244 3 139 54 0 0 25.6 0.402 22 1
245 6 119 50 22 176 27.1 1.318 33 1
246 2 146 76 35 194 38.2 0.329 29 0
247 9 184 85 15 0 30 1.213 49 1
248 10 122 68 0 0 31.2 0.258 41 0
249 0 165 90 33 680 52.3 0.427 23 0
250 9 124 70 33 402 35.4 0.282 34 0
251 1 111 86 19 0 30.1 0.143 23 0
252 9 106 52 0 0 31.2 0.38 42 0
253 2 129 84 0 0 28 0.284 27 0
254 2 90 80 14 55 24.4 0.249 24 0
255 0 86 68 32 0 35.8 0.238 25 0
256 12 92 62 7 258 27.6 0.926 44 1
257 1 113 64 35 0 33.6 0.543 21 1
258 3 111 56 39 0 30.1 0.557 30 0
259 2 114 68 22 0 28.7 0.092 25 0
260 1 193 50 16 375 25.9 0.655 24 0
261 11 155 76 28 150 33.3 1.353 51 1
262 3 191 68 15 130 30.9 0.299 34 0
263 3 141 0 0 0 30 0.761 27 1
264 4 95 70 32 0 32.1 0.612 24 0
265 3 142 80 15 0 32.4 0.2 63 0
266 4 123 62 0 0 32 0.226 35 1
267 5 96 74 18 67 33.6 0.997 43 0
268 0 138 0 0 0 36.3 0.933 25 1
269 2 128 64 42 0 40 1.101 24 0
270 0 102 52 0 0 25.1 0.078 21 0
271 2 146 0 0 0 27.5 0.24 28 1
272 10 101 86 37 0 45.6 1.136 38 1
273 2 108 62 32 56 25.2 0.128 21 0
274 3 122 78 0 0 23 0.254 40 0
275 1 71 78 50 45 33.2 0.422 21 0
276 13 106 70 0 0 34.2 0.251 52 0
277 2 100 70 52 57 40.5 0.677 25 0
278 7 106 60 24 0 26.5 0.296 29 1
279 0 104 64 23 116 27.8 0.454 23 0
280 5 114 74 0 0 24.9 0.744 57 0
281 2 108 62 10 278 25.3 0.881 22 0
282 0 146 70 0 0 37.9 0.334 28 1
283 10 129 76 28 122 35.9 0.28 39 0
284 7 133 88 15 155 32.4 0.262 37 0
285 7 161 86 0 0 30.4 0.165 47 1
286 2 108 80 0 0 27 0.259 52 1
287 7 136 74 26 135 26 0.647 51 0
288 5 155 84 44 545 38.7 0.619 34 0
289 1 119 86 39 220 45.6 0.808 29 1
290 4 96 56 17 49 20.8 0.34 26 0
291 5 108 72 43 75 36.1 0.263 33 0
292 0 78 88 29 40 36.9 0.434 21 0
293 0 107 62 30 74 36.6 0.757 25 1
294 2 128 78 37 182 43.3 1.224 31 1
295 1 128 48 45 194 40.5 0.613 24 1
296 0 161 50 0 0 21.9 0.254 65 0
297 6 151 62 31 120 35.5 0.692 28 0
298 2 146 70 38 360 28 0.337 29 1
299 0 126 84 29 215 30.7 0.52 24 0
300 14 100 78 25 184 36.6 0.412 46 1
301 8 112 72 0 0 23.6 0.84 58 0
302 0 167 0 0 0 32.3 0.839 30 1
303 2 144 58 33 135 31.6 0.422 25 1
304 5 77 82 41 42 35.8 0.156 35 0
305 5 115 98 0 0 52.9 0.209 28 1
306 3 150 76 0 0 21 0.207 37 0
307 2 120 76 37 105 39.7 0.215 29 0
308 10 161 68 23 132 25.5 0.326 47 1
309 0 137 68 14 148 24.8 0.143 21 0
310 0 128 68 19 180 30.5 1.391 25 1
311 2 124 68 28 205 32.9 0.875 30 1
312 6 80 66 30 0 26.2 0.313 41 0
313 0 106 70 37 148 39.4 0.605 22 0
314 2 155 74 17 96 26.6 0.433 27 1
315 3 113 50 10 85 29.5 0.626 25 0
316 7 109 80 31 0 35.9 1.127 43 1
317 2 112 68 22 94 34.1 0.315 26 0
318 3 99 80 11 64 19.3 0.284 30 0
319 3 182 74 0 0 30.5 0.345 29 1
320 3 115 66 39 140 38.1 0.15 28 0
321 6 194 78 0 0 23.5 0.129 59 1
322 4 129 60 12 231 27.5 0.527 31 0
323 3 112 74 30 0 31.6 0.197 25 1
324 0 124 70 20 0 27.4 0.254 36 1
325 13 152 90 33 29 26.8 0.731 43 1
326 2 112 75 32 0 35.7 0.148 21 0
327 1 157 72 21 168 25.6 0.123 24 0
328 1 122 64 32 156 35.1 0.692 30 1
329 10 179 70 0 0 35.1 0.2 37 0
330 2 102 86 36 120 45.5 0.127 23 1
331 6 105 70 32 68 30.8 0.122 37 0
332 8 118 72 19 0 23.1 1.476 46 0
333 2 87 58 16 52 32.7 0.166 25 0
334 1 180 0 0 0 43.3 0.282 41 1
335 12 106 80 0 0 23.6 0.137 44 0
336 1 95 60 18 58 23.9 0.26 22 0
337 0 165 76 43 255 47.9 0.259 26 0
338 0 117 0 0 0 33.8 0.932 44 0
339 5 115 76 0 0 31.2 0.343 44 1
340 9 152 78 34 171 34.2 0.893 33 1
341 7 178 84 0 0 39.9 0.331 41 1
342 1 130 70 13 105 25.9 0.472 22 0
343 1 95 74 21 73 25.9 0.673 36 0
344 1 0 68 35 0 32 0.389 22 0
345 5 122 86 0 0 34.7 0.29 33 0
346 8 95 72 0 0 36.8 0.485 57 0
347 8 126 88 36 108 38.5 0.349 49 0
348 1 139 46 19 83 28.7 0.654 22 0
349 3 116 0 0 0 23.5 0.187 23 0
350 3 99 62 19 74 21.8 0.279 26 0
351 5 0 80 32 0 41 0.346 37 1
352 4 92 80 0 0 42.2 0.237 29 0
353 4 137 84 0 0 31.2 0.252 30 0
354 3 61 82 28 0 34.4 0.243 46 0
355 1 90 62 12 43 27.2 0.58 24 0
356 3 90 78 0 0 42.7 0.559 21 0
357 9 165 88 0 0 30.4 0.302 49 1
358 1 125 50 40 167 33.3 0.962 28 1
359 13 129 0 30 0 39.9 0.569 44 1
360 12 88 74 40 54 35.3 0.378 48 0
361 1 196 76 36 249 36.5 0.875 29 1
362 5 189 64 33 325 31.2 0.583 29 1
363 5 158 70 0 0 29.8 0.207 63 0
364 5 103 108 37 0 39.2 0.305 65 0
365 4 146 78 0 0 38.5 0.52 67 1
366 4 147 74 25 293 34.9 0.385 30 0
367 5 99 54 28 83 34 0.499 30 0
368 6 124 72 0 0 27.6 0.368 29 1
369 0 101 64 17 0 21 0.252 21 0
370 3 81 86 16 66 27.5 0.306 22 0
371 1 133 102 28 140 32.8 0.234 45 1
372 3 173 82 48 465 38.4 2.137 25 1
373 0 118 64 23 89 0 1.731 21 0
374 0 84 64 22 66 35.8 0.545 21 0
375 2 105 58 40 94 34.9 0.225 25 0
376 2 122 52 43 158 36.2 0.816 28 0
377 12 140 82 43 325 39.2 0.528 58 1
378 0 98 82 15 84 25.2 0.299 22 0
379 1 87 60 37 75 37.2 0.509 22 0
380 4 156 75 0 0 48.3 0.238 32 1
381 0 93 100 39 72 43.4 1.021 35 0
382 1 107 72 30 82 30.8 0.821 24 0
383 0 105 68 22 0 20 0.236 22 0
384 1 109 60 8 182 25.4 0.947 21 0
385 1 90 62 18 59 25.1 1.268 25 0
386 1 125 70 24 110 24.3 0.221 25 0
387 1 119 54 13 50 22.3 0.205 24 0
388 5 116 74 29 0 32.3 0.66 35 1
389 8 105 100 36 0 43.3 0.239 45 1
390 5 144 82 26 285 32 0.452 58 1
391 3 100 68 23 81 31.6 0.949 28 0
392 1 100 66 29 196 32 0.444 42 0
393 5 166 76 0 0 45.7 0.34 27 1
394 1 131 64 14 415 23.7 0.389 21 0
395 4 116 72 12 87 22.1 0.463 37 0
396 4 158 78 0 0 32.9 0.803 31 1
397 2 127 58 24 275 27.7 1.6 25 0
398 3 96 56 34 115 24.7 0.944 39 0
399 0 131 66 40 0 34.3 0.196 22 1
400 3 82 70 0 0 21.1 0.389 25 0
401 3 193 70 31 0 34.9 0.241 25 1
402 4 95 64 0 0 32 0.161 31 1
403 6 137 61 0 0 24.2 0.151 55 0
404 5 136 84 41 88 35 0.286 35 1
405 9 72 78 25 0 31.6 0.28 38 0
406 5 168 64 0 0 32.9 0.135 41 1
407 2 123 48 32 165 42.1 0.52 26 0
408 4 115 72 0 0 28.9 0.376 46 1
409 0 101 62 0 0 21.9 0.336 25 0
410 8 197 74 0 0 25.9 1.191 39 1
411 1 172 68 49 579 42.4 0.702 28 1
412 6 102 90 39 0 35.7 0.674 28 0
413 1 112 72 30 176 34.4 0.528 25 0
414 1 143 84 23 310 42.4 1.076 22 0
415 1 143 74 22 61 26.2 0.256 21 0
416 0 138 60 35 167 34.6 0.534 21 1
417 3 173 84 33 474 35.7 0.258 22 1
418 1 97 68 21 0 27.2 1.095 22 0
419 4 144 82 32 0 38.5 0.554 37 1
420 1 83 68 0 0 18.2 0.624 27 0
421 3 129 64 29 115 26.4 0.219 28 1
422 1 119 88 41 170 45.3 0.507 26 0
423 2 94 68 18 76 26 0.561 21 0
424 0 102 64 46 78 40.6 0.496 21 0
425 2 115 64 22 0 30.8 0.421 21 0
426 8 151 78 32 210 42.9 0.516 36 1
427 4 184 78 39 277 37 0.264 31 1
428 0 94 0 0 0 0 0.256 25 0
429 1 181 64 30 180 34.1 0.328 38 1
430 0 135 94 46 145 40.6 0.284 26 0
431 1 95 82 25 180 35 0.233 43 1
432 2 99 0 0 0 22.2 0.108 23 0
433 3 89 74 16 85 30.4 0.551 38 0
434 1 80 74 11 60 30 0.527 22 0
435 2 139 75 0 0 25.6 0.167 29 0
436 1 90 68 8 0 24.5 1.138 36 0
437 0 141 0 0 0 42.4 0.205 29 1
438 12 140 85 33 0 37.4 0.244 41 0
439 5 147 75 0 0 29.9 0.434 28 0
440 1 97 70 15 0 18.2 0.147 21 0
441 6 107 88 0 0 36.8 0.727 31 0
442 0 189 104 25 0 34.3 0.435 41 1
443 2 83 66 23 50 32.2 0.497 22 0
444 4 117 64 27 120 33.2 0.23 24 0
445 8 108 70 0 0 30.5 0.955 33 1
446 4 117 62 12 0 29.7 0.38 30 1
447 0 180 78 63 14 59.4 2.42 25 1
448 1 100 72 12 70 25.3 0.658 28 0
449 0 95 80 45 92 36.5 0.33 26 0
450 0 104 64 37 64 33.6 0.51 22 1
451 0 120 74 18 63 30.5 0.285 26 0
452 1 82 64 13 95 21.2 0.415 23 0
453 2 134 70 0 0 28.9 0.542 23 1
454 0 91 68 32 210 39.9 0.381 25 0
455 2 119 0 0 0 19.6 0.832 72 0
456 2 100 54 28 105 37.8 0.498 24 0
457 14 175 62 30 0 33.6 0.212 38 1
458 1 135 54 0 0 26.7 0.687 62 0
459 5 86 68 28 71 30.2 0.364 24 0
460 10 148 84 48 237 37.6 1.001 51 1
461 9 134 74 33 60 25.9 0.46 81 0
462 9 120 72 22 56 20.8 0.733 48 0
463 1 71 62 0 0 21.8 0.416 26 0
464 8 74 70 40 49 35.3 0.705 39 0
465 5 88 78 30 0 27.6 0.258 37 0
466 10 115 98 0 0 24 1.022 34 0
467 0 124 56 13 105 21.8 0.452 21 0
468 0 74 52 10 36 27.8 0.269 22 0
469 0 97 64 36 100 36.8 0.6 25 0
470 8 120 0 0 0 30 0.183 38 1
471 6 154 78 41 140 46.1 0.571 27 0
472 1 144 82 40 0 41.3 0.607 28 0
473 0 137 70 38 0 33.2 0.17 22 0
474 0 119 66 27 0 38.8 0.259 22 0
475 7 136 90 0 0 29.9 0.21 50 0
476 4 114 64 0 0 28.9 0.126 24 0
477 0 137 84 27 0 27.3 0.231 59 0
478 2 105 80 45 191 33.7 0.711 29 1
479 7 114 76 17 110 23.8 0.466 31 0
480 8 126 74 38 75 25.9 0.162 39 0
481 4 132 86 31 0 28 0.419 63 0
482 3 158 70 30 328 35.5 0.344 35 1
483 0 123 88 37 0 35.2 0.197 29 0
484 4 85 58 22 49 27.8 0.306 28 0
485 0 84 82 31 125 38.2 0.233 23 0
486 0 145 0 0 0 44.2 0.63 31 1
487 0 135 68 42 250 42.3 0.365 24 1
488 1 139 62 41 480 40.7 0.536 21 0
489 0 173 78 32 265 46.5 1.159 58 0
490 4 99 72 17 0 25.6 0.294 28 0
491 8 194 80 0 0 26.1 0.551 67 0
492 2 83 65 28 66 36.8 0.629 24 0
493 2 89 90 30 0 33.5 0.292 42 0
494 4 99 68 38 0 32.8 0.145 33 0
495 4 125 70 18 122 28.9 1.144 45 1
496 3 80 0 0 0 0 0.174 22 0
497 6 166 74 0 0 26.6 0.304 66 0
498 5 110 68 0 0 26 0.292 30 0
499 2 81 72 15 76 30.1 0.547 25 0
500 7 195 70 33 145 25.1 0.163 55 1
501 6 154 74 32 193 29.3 0.839 39 0
502 2 117 90 19 71 25.2 0.313 21 0
503 3 84 72 32 0 37.2 0.267 28 0
504 6 0 68 41 0 39 0.727 41 1
505 7 94 64 25 79 33.3 0.738 41 0
506 3 96 78 39 0 37.3 0.238 40 0
507 10 75 82 0 0 33.3 0.263 38 0
508 0 180 90 26 90 36.5 0.314 35 1
509 1 130 60 23 170 28.6 0.692 21 0
510 2 84 50 23 76 30.4 0.968 21 0
511 8 120 78 0 0 25 0.409 64 0
512 12 84 72 31 0 29.7 0.297 46 1
513 0 139 62 17 210 22.1 0.207 21 0
514 9 91 68 0 0 24.2 0.2 58 0
515 2 91 62 0 0 27.3 0.525 22 0
516 3 99 54 19 86 25.6 0.154 24 0
517 3 163 70 18 105 31.6 0.268 28 1
518 9 145 88 34 165 30.3 0.771 53 1
519 7 125 86 0 0 37.6 0.304 51 0
520 13 76 60 0 0 32.8 0.18 41 0
521 6 129 90 7 326 19.6 0.582 60 0
522 2 68 70 32 66 25 0.187 25 0
523 3 124 80 33 130 33.2 0.305 26 0
524 6 114 0 0 0 0 0.189 26 0
525 9 130 70 0 0 34.2 0.652 45 1
526 3 125 58 0 0 31.6 0.151 24 0
527 3 87 60 18 0 21.8 0.444 21 0
528 1 97 64 19 82 18.2 0.299 21 0
529 3 116 74 15 105 26.3 0.107 24 0
530 0 117 66 31 188 30.8 0.493 22 0
531 0 111 65 0 0 24.6 0.66 31 0
532 2 122 60 18 106 29.8 0.717 22 0
533 0 107 76 0 0 45.3 0.686 24 0
534 1 86 66 52 65 41.3 0.917 29 0
535 6 91 0 0 0 29.8 0.501 31 0
536 1 77 56 30 56 33.3 1.251 24 0
537 4 132 0 0 0 32.9 0.302 23 1
538 0 105 90 0 0 29.6 0.197 46 0
539 0 57 60 0 0 21.7 0.735 67 0
540 0 127 80 37 210 36.3 0.804 23 0
541 3 129 92 49 155 36.4 0.968 32 1
542 8 100 74 40 215 39.4 0.661 43 1
543 3 128 72 25 190 32.4 0.549 27 1
544 10 90 85 32 0 34.9 0.825 56 1
545 4 84 90 23 56 39.5 0.159 25 0
546 1 88 78 29 76 32 0.365 29 0
547 8 186 90 35 225 34.5 0.423 37 1
548 5 187 76 27 207 43.6 1.034 53 1
549 4 131 68 21 166 33.1 0.16 28 0
550 1 164 82 43 67 32.8 0.341 50 0
551 4 189 110 31 0 28.5 0.68 37 0
552 1 116 70 28 0 27.4 0.204 21 0
553 3 84 68 30 106 31.9 0.591 25 0
554 6 114 88 0 0 27.8 0.247 66 0
555 1 88 62 24 44 29.9 0.422 23 0
556 1 84 64 23 115 36.9 0.471 28 0
557 7 124 70 33 215 25.5 0.161 37 0
558 1 97 70 40 0 38.1 0.218 30 0
559 8 110 76 0 0 27.8 0.237 58 0
560 11 103 68 40 0 46.2 0.126 42 0
561 11 85 74 0 0 30.1 0.3 35 0
562 6 125 76 0 0 33.8 0.121 54 1
563 0 198 66 32 274 41.3 0.502 28 1
564 1 87 68 34 77 37.6 0.401 24 0
565 6 99 60 19 54 26.9 0.497 32 0
566 0 91 80 0 0 32.4 0.601 27 0
567 2 95 54 14 88 26.1 0.748 22 0
568 1 99 72 30 18 38.6 0.412 21 0
569 6 92 62 32 126 32 0.085 46 0
570 4 154 72 29 126 31.3 0.338 37 0
571 0 121 66 30 165 34.3 0.203 33 1
572 3 78 70 0 0 32.5 0.27 39 0
573 2 130 96 0 0 22.6 0.268 21 0
574 3 111 58 31 44 29.5 0.43 22 0
575 2 98 60 17 120 34.7 0.198 22 0
576 1 143 86 30 330 30.1 0.892 23 0
577 1 119 44 47 63 35.5 0.28 25 0
578 6 108 44 20 130 24 0.813 35 0
579 2 118 80 0 0 42.9 0.693 21 1
580 10 133 68 0 0 27 0.245 36 0
581 2 197 70 99 0 34.7 0.575 62 1
582 0 151 90 46 0 42.1 0.371 21 1
583 6 109 60 27 0 25 0.206 27 0
584 12 121 78 17 0 26.5 0.259 62 0
585 8 100 76 0 0 38.7 0.19 42 0
586 8 124 76 24 600 28.7 0.687 52 1
587 1 93 56 11 0 22.5 0.417 22 0
588 8 143 66 0 0 34.9 0.129 41 1
589 6 103 66 0 0 24.3 0.249 29 0
590 3 176 86 27 156 33.3 1.154 52 1
591 0 73 0 0 0 21.1 0.342 25 0
592 11 111 84 40 0 46.8 0.925 45 1
593 2 112 78 50 140 39.4 0.175 24 0
594 3 132 80 0 0 34.4 0.402 44 1
595 2 82 52 22 115 28.5 1.699 25 0
596 6 123 72 45 230 33.6 0.733 34 0
597 0 188 82 14 185 32 0.682 22 1
598 0 67 76 0 0 45.3 0.194 46 0
599 1 89 24 19 25 27.8 0.559 21 0
600 1 173 74 0 0 36.8 0.088 38 1
601 1 109 38 18 120 23.1 0.407 26 0
602 1 108 88 19 0 27.1 0.4 24 0
603 6 96 0 0 0 23.7 0.19 28 0
604 1 124 74 36 0 27.8 0.1 30 0
605 7 150 78 29 126 35.2 0.692 54 1
606 4 183 0 0 0 28.4 0.212 36 1
607 1 124 60 32 0 35.8 0.514 21 0
608 1 181 78 42 293 40 1.258 22 1
609 1 92 62 25 41 19.5 0.482 25 0
610 0 152 82 39 272 41.5 0.27 27 0
611 1 111 62 13 182 24 0.138 23 0
612 3 106 54 21 158 30.9 0.292 24 0
613 3 174 58 22 194 32.9 0.593 36 1
614 7 168 88 42 321 38.2 0.787 40 1
615 6 105 80 28 0 32.5 0.878 26 0
616 11 138 74 26 144 36.1 0.557 50 1
617 3 106 72 0 0 25.8 0.207 27 0
618 6 117 96 0 0 28.7 0.157 30 0
619 2 68 62 13 15 20.1 0.257 23 0
620 9 112 82 24 0 28.2 1.282 50 1
621 0 119 0 0 0 32.4 0.141 24 1
622 2 112 86 42 160 38.4 0.246 28 0
623 2 92 76 20 0 24.2 1.698 28 0
624 6 183 94 0 0 40.8 1.461 45 0
625 0 94 70 27 115 43.5 0.347 21 0
626 2 108 64 0 0 30.8 0.158 21 0
627 4 90 88 47 54 37.7 0.362 29 0
628 0 125 68 0 0 24.7 0.206 21 0
629 0 132 78 0 0 32.4 0.393 21 0
630 5 128 80 0 0 34.6 0.144 45 0
631 4 94 65 22 0 24.7 0.148 21 0
632 7 114 64 0 0 27.4 0.732 34 1
633 0 102 78 40 90 34.5 0.238 24 0
634 2 111 60 0 0 26.2 0.343 23 0
635 1 128 82 17 183 27.5 0.115 22 0
636 10 92 62 0 0 25.9 0.167 31 0
637 13 104 72 0 0 31.2 0.465 38 1
638 5 104 74 0 0 28.8 0.153 48 0
639 2 94 76 18 66 31.6 0.649 23 0
640 7 97 76 32 91 40.9 0.871 32 1
641 1 100 74 12 46 19.5 0.149 28 0
642 0 102 86 17 105 29.3 0.695 27 0
643 4 128 70 0 0 34.3 0.303 24 0
644 6 147 80 0 0 29.5 0.178 50 1
645 4 90 0 0 0 28 0.61 31 0
646 3 103 72 30 152 27.6 0.73 27 0
647 2 157 74 35 440 39.4 0.134 30 0
648 1 167 74 17 144 23.4 0.447 33 1
649 0 179 50 36 159 37.8 0.455 22 1
650 11 136 84 35 130 28.3 0.26 42 1
651 0 107 60 25 0 26.4 0.133 23 0
652 1 91 54 25 100 25.2 0.234 23 0
653 1 117 60 23 106 33.8 0.466 27 0
654 5 123 74 40 77 34.1 0.269 28 0
655 2 120 54 0 0 26.8 0.455 27 0
656 1 106 70 28 135 34.2 0.142 22 0
657 2 155 52 27 540 38.7 0.24 25 1
658 2 101 58 35 90 21.8 0.155 22 0
659 1 120 80 48 200 38.9 1.162 41 0
660 11 127 106 0 0 39 0.19 51 0
661 3 80 82 31 70 34.2 1.292 27 1
662 10 162 84 0 0 27.7 0.182 54 0
663 1 199 76 43 0 42.9 1.394 22 1
664 8 167 106 46 231 37.6 0.165 43 1
665 9 145 80 46 130 37.9 0.637 40 1
666 6 115 60 39 0 33.7 0.245 40 1
667 1 112 80 45 132 34.8 0.217 24 0
668 4 145 82 18 0 32.5 0.235 70 1
669 10 111 70 27 0 27.5 0.141 40 1
670 6 98 58 33 190 34 0.43 43 0
671 9 154 78 30 100 30.9 0.164 45 0
672 6 165 68 26 168 33.6 0.631 49 0
673 1 99 58 10 0 25.4 0.551 21 0
674 10 68 106 23 49 35.5 0.285 47 0
675 3 123 100 35 240 57.3 0.88 22 0
676 8 91 82 0 0 35.6 0.587 68 0
677 6 195 70 0 0 30.9 0.328 31 1
678 9 156 86 0 0 24.8 0.23 53 1
679 0 93 60 0 0 35.3 0.263 25 0
680 3 121 52 0 0 36 0.127 25 1
681 2 101 58 17 265 24.2 0.614 23 0
682 2 56 56 28 45 24.2 0.332 22 0
683 0 162 76 36 0 49.6 0.364 26 1
684 0 95 64 39 105 44.6 0.366 22 0
685 4 125 80 0 0 32.3 0.536 27 1
686 5 136 82 0 0 0 0.64 69 0
687 2 129 74 26 205 33.2 0.591 25 0
688 3 130 64 0 0 23.1 0.314 22 0
689 1 107 50 19 0 28.3 0.181 29 0
690 1 140 74 26 180 24.1 0.828 23 0
691 1 144 82 46 180 46.1 0.335 46 1
692 8 107 80 0 0 24.6 0.856 34 0
693 13 158 114 0 0 42.3 0.257 44 1
694 2 121 70 32 95 39.1 0.886 23 0
695 7 129 68 49 125 38.5 0.439 43 1
696 2 90 60 0 0 23.5 0.191 25 0
697 7 142 90 24 480 30.4 0.128 43 1
698 3 169 74 19 125 29.9 0.268 31 1
699 0 99 0 0 0 25 0.253 22 0
700 4 127 88 11 155 34.5 0.598 28 0
701 4 118 70 0 0 44.5 0.904 26 0
702 2 122 76 27 200 35.9 0.483 26 0
703 6 125 78 31 0 27.6 0.565 49 1
704 1 168 88 29 0 35 0.905 52 1
705 2 129 0 0 0 38.5 0.304 41 0
706 4 110 76 20 100 28.4 0.118 27 0
707 6 80 80 36 0 39.8 0.177 28 0
708 10 115 0 0 0 0 0.261 30 1
709 2 127 46 21 335 34.4 0.176 22 0
710 9 164 78 0 0 32.8 0.148 45 1
711 2 93 64 32 160 38 0.674 23 1
712 3 158 64 13 387 31.2 0.295 24 0
713 5 126 78 27 22 29.6 0.439 40 0
714 10 129 62 36 0 41.2 0.441 38 1
715 0 134 58 20 291 26.4 0.352 21 0
716 3 102 74 0 0 29.5 0.121 32 0
717 7 187 50 33 392 33.9 0.826 34 1
718 3 173 78 39 185 33.8 0.97 31 1
719 10 94 72 18 0 23.1 0.595 56 0
720 1 108 60 46 178 35.5 0.415 24 0
721 5 97 76 27 0 35.6 0.378 52 1
722 4 83 86 19 0 29.3 0.317 34 0
723 1 114 66 36 200 38.1 0.289 21 0
724 1 149 68 29 127 29.3 0.349 42 1
725 5 117 86 30 105 39.1 0.251 42 0
726 1 111 94 0 0 32.8 0.265 45 0
727 4 112 78 40 0 39.4 0.236 38 0
728 1 116 78 29 180 36.1 0.496 25 0
729 0 141 84 26 0 32.4 0.433 22 0
730 2 175 88 0 0 22.9 0.326 22 0
731 2 92 52 0 0 30.1 0.141 22 0
732 3 130 78 23 79 28.4 0.323 34 1
733 8 120 86 0 0 28.4 0.259 22 1
734 2 174 88 37 120 44.5 0.646 24 1
735 2 106 56 27 165 29 0.426 22 0
736 2 105 75 0 0 23.3 0.56 53 0
737 4 95 60 32 0 35.4 0.284 28 0
738 0 126 86 27 120 27.4 0.515 21 0
739 8 65 72 23 0 32 0.6 42 0
740 2 99 60 17 160 36.6 0.453 21 0
741 1 102 74 0 0 39.5 0.293 42 1
742 11 120 80 37 150 42.3 0.785 48 1
743 3 102 44 20 94 30.8 0.4 26 0
744 1 109 58 18 116 28.5 0.219 22 0
745 9 140 94 0 0 32.7 0.734 45 1
746 13 153 88 37 140 40.6 1.174 39 0
747 12 100 84 33 105 30 0.488 46 0
748 1 147 94 41 0 49.3 0.358 27 1
749 1 81 74 41 57 46.3 1.096 32 0
750 3 187 70 22 200 36.4 0.408 36 1
751 6 162 62 0 0 24.3 0.178 50 1
752 4 136 70 0 0 31.2 1.182 22 1
753 1 121 78 39 74 39 0.261 28 0
754 3 108 62 24 0 26 0.223 25 0
755 0 181 88 44 510 43.3 0.222 26 1
756 8 154 78 32 0 32.4 0.443 45 1
757 1 128 88 39 110 36.5 1.057 37 1
758 7 137 90 41 0 32 0.391 39 0
759 0 123 72 0 0 36.3 0.258 52 1
760 1 106 76 0 0 37.5 0.197 26 0
761 6 190 92 0 0 35.5 0.278 66 1
762 2 88 58 26 16 28.4 0.766 22 0
763 9 170 74 31 0 44 0.403 43 1
764 9 89 62 0 0 22.5 0.142 33 0
765 10 101 76 48 180 32.9 0.171 63 0
766 2 122 70 27 0 36.8 0.34 27 0
767 5 121 72 23 112 26.2 0.245 30 0
768 1 126 60 0 0 30.1 0.349 47 1
769 1 93 70 31 0 30.4 0.315 23 0

@ -0,0 +1,769 @@
Outcome,Pregnancies,Glucose,BloodPressure,SkinThickness,Insulin,BMI,DiabetesPedigreeFunction,Age
1,0.6399472601593604,0.8483237946271883,0.149640752628208,0.9072699252723613,-0.6928905722954675,0.20401277134626103,0.4684919773786535,1.4259954044228447
0,-0.8448850534430228,-1.1233963609784168,-0.16054574674686284,0.5309015587207732,-0.6928905722954675,-0.6844219461567741,-0.36506077757159944,-0.19067190513648613
1,1.2338801856003137,1.9437238810747468,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-1.1032554558367764,0.6043973178596731,-0.1055841520017845
0,-0.8448850534430228,-0.9982077796701243,-0.16054574674686284,0.15453319216918512,0.12330164444496892,-0.49404307812040943,-0.9207626142051013,-1.0415494364835023
1,-1.1418515161634994,0.5040551960293843,-1.5046872440388366,0.9072699252723613,0.7658359427299933,1.4097456022432373,5.48490910046695,-0.020496398867082873
0,0.34298079743888377,-0.15318485583915073,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.8113411915143505,-0.8180785791749976,-0.27575965827118776
1,-0.2509521280020695,-1.3424763782679283,-0.9877097450803851,0.7190857419965673,0.07120426890834532,-0.1259772665834379,-0.6761330013392661,-0.6161106708099943
0,1.8278131110412668,-0.18448200116622385,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.4197754884541404,-1.0204265305578488,-0.3608474114058894
1,-0.5479185907225461,2.38188391565377,0.046245252836517724,1.5345505361916747,4.021921913768968,-0.18943688926222613,-0.9479436823013052,1.6812586638269496
1,1.2338801856003137,0.12848945210450713,1.3903867501284914,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.7244549001769619,1.7663464169616512
0,0.04601433471840714,-0.3409677278015893,1.183595750545111,-1.2882122129452358,-0.6928905722954675,0.7116897527765668,-0.8482797659485575,-0.27575965827118776
1,1.8278131110412668,1.4742667011686503,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,0.7624574509195972,0.1966812964166146,0.06459135426761875
0,1.8278131110412668,0.5666494866835304,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.6209623234779859,2.9268685807464285,2.021609676365756
1,-0.8448850534430228,2.1315067530371854,-0.47073224612193365,0.15453319216918512,6.65283937836846,-0.24020458740525652,-0.22311519973586783,2.1917851826351593
1,0.34298079743888377,1.411672410514504,0.149640752628208,-0.09637905219854027,0.8266162141893876,-0.7859573424428353,0.34768723028441384,1.5110831575575463
1,0.9369137228798371,-0.6539391810723203,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.25289651194101437,0.03661500651674708,-0.1055841520017845
1,-1.1418515161634994,-0.09059056518500455,0.7700137513783497,1.6600066583755375,1.3041754899417703,1.752427564708693,0.23896295789959848,-0.19067190513648613
1,0.9369137228798371,-0.4348591637828086,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.30366421008404476,-0.6580122892751302,-0.19067190513648613
0,-0.8448850534430228,-0.560047745091101,-2.021664742997288,1.0954541085481553,0.02778978929449232,1.435129451314752,-0.8724407153674054,-0.020496398867082873
1,-0.8448850534430228,-0.18448200116622385,0.046245252836517724,0.5936296198127046,0.14066743629051012,0.3309320167038375,0.1725203469977667,-0.1055841520017845
0,-0.2509521280020695,0.15978659743158022,0.9768047509617303,1.2836382918239493,1.3475899695556235,0.9274524698844462,0.7010411155350644,-0.5310229176752926
0,1.2338801856003137,-0.6852363263993934,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,0.43246741298989827,-0.2533163865094277,1.4259954044228447
1,0.9369137228798371,2.350586770326697,1.0802002507534205,-1.2882122129452358,-0.6928905722954675,0.9909120925632344,-0.06304890983600046,0.6602056262105301
1,1.5308466483207903,-0.059293419857931455,0.5632227517949692,0.9072699252723613,-0.6928905722954675,-0.3798157572985908,-0.6308312211789263,-0.3608474114058894
1,2.1247795737617436,0.6918380679918229,1.286991250336801,0.7818138030884986,0.5748122324290401,0.5847705074189904,-0.6580122892751302,1.5110831575575463
1,1.8278131110412668,0.12848945210450713,0.046245252836517724,0.34271737544497916,0.30564245882315155,-0.11328534204768008,-0.8059981044655736,0.6602056262105301
1,0.9369137228798371,0.8170266493001153,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.940144394420204,-0.6489519332430622,0.8303811324799334
0,-0.8448850534430228,-0.7478306170535396,-0.16054574674686284,-0.3472912965662657,0.5227148568924165,-1.1159473803725342,0.04567536254881505,-0.9564616833488008
0,2.718712499202697,0.754432358645969,0.6666182515866594,-0.09637905219854027,0.2622279792092985,-1.2428666257301106,-0.6851933573713341,2.021609676365756
0,0.34298079743888377,-0.12188771051207764,1.183595750545111,-1.2882122129452358,-0.6928905722954675,0.26747239402504924,-0.4073424390545831,0.40494236680642526
0,0.34298079743888377,-0.3722648731286624,0.30473400231574344,0.34271737544497916,-0.6928905722954675,0.5086189602044443,0.22386236451281855,2.276872935769861
1,-0.2509521280020695,1.1612952478979193,0.35643175221158857,0.9699979863642927,1.4344189287833293,-0.049825719368891866,1.1449985611063949,-0.445935164540591
0,-0.2509521280020695,-1.0295049249971975,-0.5741277459136239,-0.5982035409339911,-0.22401419246585508,-0.9128765878004118,-0.6187507464695023,-0.9564616833488008
0,0.6399472601593604,-0.904316343688905,1.183595750545111,-1.2882122129452358,-0.6928905722954675,-1.5347808900525366,-0.8573401219806255,-0.445935164540591
0,1.8278131110412668,0.034598016123287834,0.45982725200327884,0.6563576809046359,-0.6928905722954675,-0.5575027007991976,0.12117832948271484,1.0005566387493365
0,0.04601433471840714,-0.560047745091101,-0.47073224612193365,0.7818138030884986,0.9742254448764878,-1.014411984086473,1.4923122090023335,-0.020496398867082873
0,2.1247795737617436,0.5353523413564574,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.15324507320323064,-0.15667258883403617,0.14967910740232038
1,1.5308466483207903,-0.5913448904181741,0.35643175221158857,1.032726047456224,-0.6928905722954675,0.11516929959595715,0.5832564871181811,1.0856443918840382
1,-0.5479185907225461,-0.9669106343430512,-0.057150246955172554,1.3463663529158807,-0.6928905722954675,0.7878412999911129,0.09399726138651092,-0.5310229176752926
1,0.04601433471840714,-0.30967058247451623,0.149640752628208,1.6600066583755375,1.1044688837180467,0.6482301300977785,2.7728425282012727,1.9365219232310544
0,-0.2509521280020695,1.8498324450935275,-0.2639412465385531,0.2799893143530478,-0.08508785770152548,0.2547804694892914,-0.6066702717600784,-0.6161106708099943
0,0.9369137228798371,0.3788666147210919,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,1.0416797907062658,0.6768801661162166,0.31985461367172363
0,0.9369137228798371,-0.4661563091098817,1.183595750545111,-0.1591071132904716,-0.6928905722954675,-1.1794070030513224,-0.715394544144894,1.2558198981534414
1,1.5308466483207903,1.5681581371498696,2.1141552486703232,0.21726125326111648,1.3910044491694764,1.7016598665656626,0.7523831330501163,1.7663464169616512
0,0.9369137228798371,1.1925923932249924,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-0.5828865498707133,-0.5372075421808907,0.5751178730758285
1,-1.1418515161634994,1.8498324450935275,-0.16054574674686284,1.1581821696400867,-0.6928905722954675,1.2701344323499029,4.2919622229113354,-0.7011984239446959
0,-0.8448850534430228,0.7857295039730422,-0.6775232457053142,-1.2882122129452358,-0.6928905722954675,-0.29097228554828736,0.27822450070522603,-0.3608474114058894
0,-0.5479185907225461,-1.56155639555744,0.046245252836517724,0.4054454365369105,-0.6928905722954675,-0.5067350026561672,0.3446671116070579,-0.9564616833488008
1,0.9369137228798371,-0.560047745091101,-0.16054574674686284,0.7190857419965673,-0.6928905722954675,0.9020686208129315,-0.38620160831309136,-0.19067190513648613
0,0.9369137228798371,-0.4974534544369548,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.5039862367299749,-0.7862861770793975
0,-0.8448850534430228,-0.560047745091101,0.5632227517949692,-0.5982035409339911,0.019106893371721723,-1.5982405127313248,0.05775583725823902,-0.9564616833488008
0,-0.8448850534430228,-0.6226420357452472,-0.9877097450803851,-0.3472912965662657,-0.3803063190757259,-0.9890281350149578,0.16345999096569871,-0.6161106708099943
0,0.34298079743888377,-1.0295049249971975,-0.16054574674686284,0.029077069985322418,-0.4931839660717437,-0.9636442859434426,-0.3922418456678032,-0.27575965827118776
1,1.2338801856003137,1.724643863785235,1.0802002507534205,0.84454186418043,1.9119782045357125,0.21670469588201885,-0.014727010998304601,2.106697429500458
0,0.9369137228798371,0.9109180852813346,-0.16054574674686284,1.3463663529158807,2.2766598332920776,0.3436239412395953,0.7433227770180484,0.7452933793452318
0,-0.8448850534430228,-1.498962104903294,-0.9877097450803851,-0.6609316020259224,-0.6928905722954675,-1.1413312294440494,-0.6761330013392661,-1.0415494364835023
1,0.9369137228798371,2.068912462383039,-0.057150246955172554,1.1581821696400867,1.9467097882267947,0.7243816773123246,-0.6580122892751302,0.6602056262105301
0,-1.1418515161634994,-0.6539391810723203,0.9768047509617303,2.475471452570645,0.2622279792092985,1.8793468100662696,1.4802317342929094,-0.19067190513648613
0,-1.1418515161634994,0.7857295039730422,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,1.0797555643135384,3.9537089310474642,0.915468885614635
0,-1.1418515161634994,-0.4974534544369548,-0.2639412465385531,1.2836382918239493,0.5400806487379577,1.2066748096711146,-0.9026419021409653,-0.9564616833488008
0,-0.5479185907225461,-1.1546935063054897,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.5070063554073309,-1.0415494364835023
1,1.2338801856003137,0.3788666147210919,0.149640752628208,-1.2882122129452358,-0.6928905722954675,0.11516929959595715,-0.6096903904374343,0.4900301199411269
0,0.34298079743888377,-2.4065793193884137,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-0.8874927387288966,0.34768723028441384,0.234766860537022
0,-0.5479185907225461,0.6292437773376767,-0.5741277459136239,0.84454186418043,0.4185201058191693,-0.8367250405858662,0.6859405221482845,-0.7862861770793975
1,0.9369137228798371,-0.21577914649329694,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,0.10247737506019933,-0.6459318145657063,0.7452933793452318
0,0.34298079743888377,-0.6852363263993934,0.2530362524198983,0.4054454365369105,-0.6928905722954675,-0.3798157572985908,-0.8120383418202856,-0.1055841520017845
1,-1.1418515161634994,-0.3722648731286624,0.9768047509617303,0.5936296198127046,-0.6928905722954675,0.06440160145292675,1.1570790358158187,0.40494236680642526
0,-0.5479185907225461,-0.3722648731286624,1.183595750545111,-1.2882122129452358,-0.6928905722954675,1.3589779041002068,1.1268778490422589,1.7663464169616512
0,-0.8448850534430228,-0.8104249077076857,-0.16054574674686284,-0.4727474187501284,-0.36294052723018466,-1.5728566636598091,-0.4164027950866511,-0.7011984239446959
0,0.04601433471840714,0.7857295039730422,0.8217115012741948,0.4054454365369105,0.17539901998159252,-0.39250768183434864,-0.8543200033032695,-0.5310229176752926
1,-0.5479185907225461,-0.6539391810723203,-0.16054574674686284,-0.03365099110660893,0.08857006075388653,0.11516929959595715,1.1933204599440908,-0.445935164540591
0,0.34298079743888377,0.5666494866835304,-0.2639412465385531,0.9072699252723613,0.5227148568924165,-0.4305834554416212,-0.1838536569302401,-0.6161106708099943
1,2.718712499202697,0.15978659743158022,1.0802002507534205,-1.2882122129452358,-0.6928905722954675,1.4478213758505099,0.33560675557498987,0.7452933793452318
0,0.04601433471840714,0.2536780334127995,0.87340925117004,-0.03365099110660893,1.6514913268525944,0.39439163938262567,-0.727475018854318,-0.8713739302140991
0,-0.8448850534430228,-1.3111792329408554,0.30473400231574344,0.5936296198127046,-0.6928905722954675,0.0009419787741385332,-0.2291554370905798,-0.9564616833488008
0,-0.8448850534430228,-3.78365371377963,-1.0911052448720753,-0.03365099110660893,-0.6928905722954675,-0.9255685123361695,-1.0023058184937128,-0.9564616833488008
0,0.9369137228798371,-1.843230703501098,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.07709352598868457,-0.24425603047735978,0.6602056262105301
0,0.34298079743888377,-0.8104249077076857,0.149640752628208,0.7818138030884986,-0.6928905722954675,0.7243816773123246,-0.3076785227018356,-0.5310229176752926
1,-1.1418515161634994,0.3162723240669457,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,1.422437526778995,-0.6096903904374343,-0.6161106708099943
0,-0.5479185907225461,-0.2783734371474431,-0.16054574674686284,0.09180513107725377,-0.6928905722954675,-0.8874927387288966,-0.49794599937526285,-0.7862861770793975
0,-0.2509521280020695,-0.24707629182037003,-1.2978962444554558,-0.4727474187501284,-0.6928905722954675,-1.2174827766585954,-1.0023058184937128,-0.9564616833488008
0,-0.5479185907225461,-1.4676649595762208,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-1.1170703282332406,-0.9564616833488008
0,0.9369137228798371,-1.185990651632563,0.45982725200327884,0.34271737544497916,-0.07640496177875487,-0.34173998369131775,0.8913085922084919,0.234766860537022
0,-1.1418515161634994,-0.6226420357452472,-0.21224349664270797,0.46817349762884186,-0.6928905722954675,-0.938260436871927,-0.7093543067901821,-0.9564616833488008
1,0.34298079743888377,0.5040551960293843,2.010759748878633,-1.2882122129452358,-0.6928905722954675,2.1331853007814225,-0.739555493563742,0.31985461367172363
0,-0.5479185907225461,-0.3409677278015893,0.2530362524198983,0.5309015587207732,0.39247141805085756,0.05170967691716893,0.6829204034709285,-0.5310229176752926
0,2.718712499202697,-0.4661563091098817,0.149640752628208,2.099103086019057,-0.6928905722954675,0.5847705074189904,-0.8875413087541854,1.0005566387493365
0,-0.5479185907225461,-0.6539391810723203,-0.057150246955172554,0.2799893143530478,-0.07640496177875487,0.8259170735983854,-0.446603981860211,-0.6161106708099943
1,3.31264542464365,0.4727580507023112,0.046245252836517724,0.7190857419965673,0.2622279792092985,0.6482301300977785,-0.9630442756880851,0.8303811324799334
0,-0.8448850534430228,-0.4348591637828086,-0.057150246955172554,-0.09637905219854027,-0.6928905722954675,-0.697113870692532,-0.9268028515598132,-0.7862861770793975
0,-0.8448850534430228,-1.2798820876137822,-0.7292209956011594,-1.2882122129452358,-0.6928905722954675,-1.6363162863385974,-0.6459318145657063,-1.0415494364835023
0,0.04601433471840714,0.06589516145036094,0.5632227517949692,-0.3472912965662657,0.8352991101121582,0.0009419787741385332,-0.0872098592548484,0.06459135426761875
0,0.9369137228798371,-1.248584942286709,0.45982725200327884,1.220910230732018,-0.27611156800247866,1.8666548855305125,-0.6368714585336382,0.7452933793452318
1,0.04601433471840714,0.410163760048165,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-1.0397958331579882,-0.5885495596959425,2.276872935769861
0,-0.5479185907225461,0.6605409226647497,0.6666182515866594,-0.1591071132904716,-0.13718523323814907,-0.9255685123361695,0.873187880144356,-1.0415494364835023
0,0.6399472601593604,0.723135213318896,0.149640752628208,0.4054454365369105,1.2868096980962291,0.2420885449535336,-0.6549921705977743,0.5751178730758285
0,-0.5479185907225461,-0.904316343688905,-0.3673367463302434,0.46817349762884186,-0.6928905722954675,-0.049825719368891866,-1.032507005267273,-0.7862861770793975
0,-0.8448850534430228,-1.56155639555744,-1.0911052448720753,-0.1591071132904716,-0.03299048216490188,-1.4713212673737484,-0.449624100537567,-0.9564616833488008
0,0.6399472601593604,-0.873019198361832,-0.9877097450803851,0.5936296198127046,-0.13718523323814907,-0.41789153090586384,-0.34996018418481945,-0.8713739302140991
1,-0.8448850534430228,0.034598016123287834,1.0802002507534205,1.910918902743263,1.2173465307140645,2.247412621603242,-0.44358386318285503,-0.19067190513648613
1,-0.8448850534430228,1.3177809745332847,0.149640752628208,-1.2882122129452358,-0.6928905722954675,0.8893766962771736,2.2654625904054666,-0.020496398867082873
0,-0.8448850534430228,0.9422152306084076,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-0.7478815688355623,-0.8845211900768294,-0.9564616833488008
0,-1.1418515161634994,0.12848945210450713,1.3903867501284914,-1.2882122129452358,-0.6928905722954675,-1.2047908521228377,-0.6338513398562823,-1.0415494364835023
0,-0.8448850534430228,-1.248584942286709,0.149640752628208,-0.1591071132904716,-0.3455747353846435,-0.6844219461567741,-0.5704288476318067,-0.7862861770793975
0,-0.5479185907225461,-1.1233963609784168,-0.21224349664270797,-1.2882122129452358,-0.6928905722954675,0.9655282434917197,1.383587936617518,-0.5310229176752926
0,-0.8448850534430228,0.15978659743158022,-0.6775232457053142,0.5309015587207732,0.6269096079656638,-0.41789153090586384,0.9939926272385956,-1.0415494364835023
0,-0.8448850534430228,-0.7791277623806127,2.734528247420465,-1.2882122129452358,-0.6928905722954675,-1.2174827766585954,-0.7999578671108617,-0.5310229176752926
0,0.04601433471840714,0.723135213318896,-0.5741277459136239,0.46817349762884186,0.5227148568924165,-0.31635613461980255,-0.5583483729223827,0.31985461367172363
0,-0.2509521280020695,-1.185990651632563,-0.5741277459136239,0.6563576809046359,-0.5365984456855967,0.292856243096564,-0.41036255773193914,-0.7011984239446959
1,-1.1418515161634994,-0.8104249077076857,0.8217115012741948,0.2799893143530478,-0.3803063190757259,0.6863059037050512,-0.6791531200166222,-0.7862861770793975
1,-0.2509521280020695,1.5681581371498696,0.149640752628208,0.7818138030884986,0.4793003772785635,0.16593699773898754,-0.8241188165297095,-0.7862861770793975
1,1.2338801856003137,1.0674038119167,-0.3673367463302434,0.34271737544497916,3.6051429094759793,0.2547804694892914,0.21480200848075057,1.0856443918840382
0,-0.8448850534430228,-0.9982077796701243,0.35643175221158857,0.84454186418043,-0.37162342315295527,-0.10059341751192272,-0.8452596472712015,-0.8713739302140991
0,0.04601433471840714,-1.4050706689220747,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,0.2547804694892914,-0.24425603047735978,-0.7011984239446959
1,0.9369137228798371,1.2238895385520654,-0.7809187454970045,0.7190857419965673,0.8266162141893876,-0.18943688926222613,0.3507073489617698,0.4900301199411269
1,0.04601433471840714,0.7857295039730422,1.183595750545111,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,0.2027215337713266,2.3619606889045626
1,0.34298079743888377,0.09719230677743403,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,0.2547804694892914,-0.7606963243052337,0.40494236680642526
0,0.34298079743888377,-1.3424763782679283,-1.0911052448720753,-1.2882122129452358,-0.6928905722954675,0.21670469588201885,0.5500351816672653,-0.7011984239446959
0,0.04601433471840714,-0.7478306170535396,-0.47073224612193365,0.15453319216918512,-0.6928905722954675,-0.481351153584652,-0.0872098592548484,-0.9564616833488008
0,0.04601433471840714,-0.6852363263993934,0.35643175221158857,-0.3472912965662657,-0.2500628802341669,-1.1159473803725342,-0.7516359682731659,-1.0415494364835023
1,-1.1418515161634994,1.2864838292062117,0.35643175221158857,2.22455920820292,0.17539901998159252,2.6916299803547594,0.867147642789644,-0.7011984239446959
0,0.6399472601593604,-0.30967058247451623,-0.2639412465385531,1.1581821696400867,-0.6928905722954675,0.2801643185608071,-0.6398915772109943,-0.7862861770793975
0,-0.5479185907225461,-0.4348591637828086,0.2530362524198983,0.5936296198127046,0.17539901998159252,0.20401277134626103,-0.20499448767173187,-0.8713739302140991
0,0.34298079743888377,0.3475694693940188,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.6590380970852588,-0.8633803593353374,3.0426627139821756
1,-1.1418515161634994,-0.24707629182037003,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.16593699773898754,-0.5855294410185864,-0.8713739302140991
1,-0.8448850534430228,-1.0295049249971975,-2.021664742997288,1.3463663529158807,0.1667161240588219,2.920084621998397,0.07285643064501898,-0.6161106708099943
0,-0.2509521280020695,-0.027996274530858355,0.046245252836517724,0.5936296198127046,0.4793003772785635,1.3843617531717216,-0.06002879115864447,-0.27575965827118776
0,-0.8448850534430228,-0.09059056518500455,-0.5741277459136239,0.9699979863642927,0.12330164444496892,0.16593699773898754,-0.6368714585336382,-0.8713739302140991
1,-0.8448850534430228,-0.12188771051207764,0.9768047509617303,0.21726125326111648,0.5661293365062695,0.31824009216807964,-0.20801460634908786,0.5751178730758285
1,-1.1418515161634994,-0.4974534544369548,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,-0.5194269271919251,0.8127855065972361,2.4470484420392644
1,0.04601433471840714,1.6307524278040157,0.046245252836517724,-0.410019357658197,0.7658359427299933,-0.29097228554828736,-0.3348595907980395,-0.020496398867082873
1,1.5308466483207903,0.034598016123287834,-0.6775232457053142,-1.2882122129452358,-0.6928905722954675,0.16593699773898754,1.9392897732510204,-0.020496398867082873
1,-0.2509521280020695,1.5368609918227965,-0.2639412465385531,1.032726047456224,1.2607610103279174,0.31824009216807964,-0.34996018418481945,-0.27575965827118776
0,1.2338801856003137,-1.1546935063054897,0.2530362524198983,0.6563576809046359,-0.6928905722954675,0.8005332245268698,-0.04492819777186451,0.4900301199411269
0,-0.5479185907225461,-0.7791277623806127,-0.057150246955172554,-0.4727474187501284,-0.2674286720797081,-1.3824777956234444,0.5288943509257733,-0.6161106708099943
0,-0.5479185907225461,0.12848945210450713,-0.47073224612193365,-0.03365099110660893,0.5227148568924165,0.22939662041777578,-1.1593519897162243,-0.19067190513648613
0,-1.1418515161634994,-0.6539391810723203,0.046245252836517724,0.34271737544497916,-0.2587457761569375,-0.1513611156549531,0.37788841705797377,-1.0415494364835023
0,-1.1418515161634994,-0.873019198361832,-0.47073224612193365,0.2799893143530478,0.10593585259942773,-0.41789153090586384,0.18158070302983467,-0.9564616833488008
0,-1.1418515161634994,0.2536780334127995,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,0.6980209968577085,-0.3608474114058894
0,0.34298079743888377,-0.4974534544369548,0.149640752628208,0.5309015587207732,2.1290506026049774,0.6228462810262629,-0.9449235636239492,-0.445935164540591
0,-0.2509521280020695,0.22238088808572642,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,-1.3824777956234444,-0.6157306277921464,1.8514341700963528
0,0.34298079743888377,-0.4661563091098817,0.6666182515866594,0.5936296198127046,-0.6928905722954675,0.9528363189559619,-0.5613684915997387,0.40494236680642526
0,-0.5479185907225461,-0.4035620184557355,-0.8843142452886948,0.34271737544497916,-0.14586812916091968,0.06440160145292675,-0.46472469392434695,-0.9564616833488008
1,1.8278131110412668,-0.4035620184557355,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,0.05170967691716893,-0.6036501530827224,0.7452933793452318
0,0.04601433471840714,1.036106666589627,-0.3673367463302434,0.6563576809046359,1.7730518697713828,0.10247737506019933,-0.7093543067901821,-0.8713739302140991
0,-1.1418515161634994,-0.5913448904181741,0.30473400231574344,0.15453319216918512,-0.6928905722954675,-4.060473872668307,0.302385450124074,-1.0415494364835023
0,1.5308466483207903,-1.9997164301364634,0.5632227517949692,1.032726047456224,-0.6928905722954675,0.10247737506019933,-1.1351910402973764,0.6602056262105301
0,-0.5479185907225461,-0.4661563091098817,-0.2639412465385531,0.9072699252723613,0.3403740425142339,-0.18943688926222613,2.8030437149748324,0.06459135426761875
0,0.34298079743888377,0.8170266493001153,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.21670469588201885,-0.7667365616599457,2.702311701443369
0,-0.5479185907225461,-0.9669106343430512,0.046245252836517724,-0.22183517438240297,-0.6928905722954675,-0.5955784744064706,-1.1684123457482922,-0.9564616833488008
0,-0.8448850534430228,0.4727580507023112,0.2530362524198983,1.8481908416513315,1.078420195949735,0.6863059037050512,-0.22009508105851183,-0.7862861770793975
0,0.04601433471840714,-0.21577914649329694,-0.21224349664270797,-1.2882122129452358,-0.6928905722954675,-1.2809423993373836,-0.12043116470576429,0.31985461367172363
1,1.5308466483207903,1.0987009572437731,0.87340925117004,0.46817349762884186,0.6529582957339756,0.292856243096564,2.1657986740527195,0.7452933793452318
0,-0.8448850534430228,1.0048095212625539,0.6666182515866594,1.3463663529158807,3.5183139502482734,1.092447488849296,0.6496990980200129,-0.8713739302140991
1,1.2338801856003137,2.100209607710112,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,2.0189579799596036,-1.011366174525781,0.8303811324799334
1,0.9369137228798371,0.9735123759354807,0.9768047509617303,1.4718224750997435,-0.6928905722954675,2.2854883952105145,-0.4073424390545831,0.234766860537022
0,-0.5479185907225461,-0.6852363263993934,-0.8843142452886948,-0.3472912965662657,0.12330164444496892,-0.938260436871927,0.4986931641522134,-1.0415494364835023
0,-0.8448850534430228,-0.3722648731286624,-0.6775232457053142,0.029077069985322418,0.4793003772785635,-0.8621088896573814,1.090636424913987,-0.8713739302140991
0,-0.5479185907225461,-1.0295049249971975,0.2530362524198983,-0.09637905219854027,-0.23269708838862568,-0.3798157572985908,-0.7335152562090299,-0.9564616833488008
1,3.906578350084603,1.3177809745332847,0.149640752628208,1.2836382918239493,0.29695956290038095,1.1305232624565686,1.0423145260762912,1.1707321450187398
0,0.04601433471840714,0.9422152306084076,1.0802002507534205,1.0954541085481553,-0.6928905722954675,-0.29097228554828736,-0.5372075421808907,0.234766860537022
0,0.9369137228798371,-0.5913448904181741,0.2530362524198983,1.220910230732018,0.21881349959544552,0.6609220546335364,-0.8090182231429296,1.0005566387493365
0,-1.1418515161634994,-0.21577914649329694,0.5632227517949692,0.84454186418043,1.7817347656941533,1.5493567721365715,-0.9207626142051013,-0.5310229176752926
0,-0.5479185907225461,-0.6539391810723203,-0.2639412465385531,0.15453319216918512,-0.6928905722954675,-0.29097228554828736,-0.3137187600565476,-1.0415494364835023
1,-1.1418515161634994,0.3162723240669457,0.9768047509617303,-1.2882122129452358,-0.6928905722954675,-0.049825719368891866,0.8188257439519482,-0.1055841520017845
1,0.6399472601593604,-0.5287505997640279,0.2530362524198983,-0.1591071132904716,0.6616411916567462,-0.26558843647677216,0.7554032517274724,0.6602056262105301
0,-0.2509521280020695,0.8483237946271883,-0.16054574674686284,0.2799893143530478,-0.6928905722954675,0.06440160145292675,-0.6519720519204183,-0.9564616833488008
0,0.04601433471840714,-0.027996274530858355,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.30366421008404476,0.7161417089218445,0.06459135426761875
0,0.04601433471840714,-0.3409677278015893,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,-0.011749945761619291,-0.0026465362888808035,-0.3608474114058894
0,-0.2509521280020695,-0.30967058247451623,1.0802002507534205,-0.5354754798420597,-0.015624690319360679,-0.45596730451313683,0.06983631196766299,-0.3608474114058894
1,0.6399472601593604,-0.5913448904181741,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,-0.1513611156549531,-0.8815010713994734,0.234766860537022
1,0.6399472601593604,0.410163760048165,0.046245252836517724,0.15453319216918512,0.43588589766471053,0.43246741298989827,0.21178188980339457,-0.3608474114058894
0,-0.5479185907225461,-1.0608020703242704,-3.572597239872642,0.15453319216918512,-0.6928905722954675,-0.39250768183434864,0.9094293042726279,-0.7011984239446959
0,-0.8448850534430228,-1.3111792329408554,-0.47073224612193365,1.3463663529158807,-0.27611156800247866,1.4605133003862676,0.622518029923809,-0.8713739302140991
0,-0.5479185907225461,-1.4363678142491476,-0.2639412465385531,0.21726125326111648,-0.21533129654308447,-0.29097228554828736,-0.3076785227018356,-0.020496398867082873
1,1.2338801856003137,1.8185352997664543,0.149640752628208,1.3463663529158807,0.43588589766471053,0.08978545052444241,0.7463428956954044,0.234766860537022
0,0.6399472601593604,-1.1233963609784168,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.2714370985735637,0.7452933793452318
1,-1.1418515161634994,0.2536780334127995,2.1141552486703232,1.597278597283606,0.43588589766471053,4.455807490825071,-0.461704575246991,-0.6161106708099943
0,0.34298079743888377,0.6918380679918229,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,1.6508921684226323,-0.8512998846259134,1.1707321450187398
1,0.34298079743888377,0.2849751787398726,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,0.9020686208129315,1.4621110222287736,0.31985461367172363
0,0.6399472601593604,-1.0608020703242704,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-1.1159473803725342,-1.1714324644256482,-0.1055841520017845
0,-1.1418515161634994,-0.059293419857931455,-0.2639412465385531,-0.1591071132904716,0.10593585259942773,0.36900779031111003,0.7644636077595403,-0.8713739302140991
0,-0.8448850534430228,-3.78365371377963,0.2530362524198983,-0.03365099110660893,-0.4931839660717437,-0.5448107762634402,-0.5221069487941108,-1.0415494364835023
0,0.34298079743888377,-1.498962104903294,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-0.6590380970852588,-0.6157306277921464,-0.5310229176752926
0,0.04601433471840714,0.6292437773376767,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.5575027007991976,-0.6882134760486901,0.5751178730758285
1,0.9369137228798371,2.2879924796725506,-0.057150246955172554,0.46817349762884186,-0.6928905722954675,0.49592703566868646,0.8248659813066601,0.6602056262105301
1,1.2338801856003137,1.8811295904206005,-0.057150246955172554,0.9699979863642927,3.6051429094759793,-0.24020458740525652,0.4322505532503816,2.276872935769861
1,-0.8448850534430228,0.22238088808572642,1.4937822499201816,1.2836382918239493,-0.18928260877477268,0.0009419787741385332,2.5644543394637096,-0.020496398867082873
1,1.2338801856003137,-0.3722648731286624,0.35643175221158857,1.1581821696400867,0.29695956290038095,-0.5194269271919251,0.5077535201842813,-0.19067190513648613
1,0.34298079743888377,0.5666494866835304,0.5632227517949692,0.9072699252723613,0.6963727753478285,-0.049825719368891866,-0.3348595907980395,-0.7011984239446959
0,-0.2509521280020695,-0.30967058247451623,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-1.19209892758708,-0.9962655811390011,-1.0415494364835023
0,1.5308466483207903,0.06589516145036094,0.046245252836517724,1.4718224750997435,0.12330164444496892,0.1405531486674728,-0.29559804799241163,0.5751178730758285
1,0.9369137228798371,1.1925923932249924,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,-0.20212881379798395,-0.2684169798962077,0.234766860537022
1,2.1247795737617436,0.4414609053752381,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,2.57740265953294,0.32050616218820993,0.5751178730758285
0,1.2338801856003137,-1.1233963609784168,-0.7292209956011594,-0.03365099110660893,-0.6928905722954675,-0.9636442859434426,-1.014386293203137,0.7452933793452318
1,0.34298079743888377,1.1612952478979193,0.7700137513783497,1.2836382918239493,1.1305175714863585,0.940144394420204,-0.2321755557679358,-0.3608474114058894
0,-0.8448850534430228,-0.4974534544369548,-0.5741277459136239,-1.2882122129452358,-0.6928905722954675,-0.9763362104791999,-0.8603602406579814,-1.0415494364835023
1,-0.2509521280020695,-0.4348591637828086,-0.3673367463302434,-0.4727474187501284,-0.27611156800247866,-1.1540231539798074,0.622518029923809,-0.8713739302140991
1,0.04601433471840714,-0.3722648731286624,-0.2639412465385531,1.4718224750997435,0.1667161240588219,0.35631586577535224,1.3080849696836183,-0.6161106708099943
1,0.04601433471840714,0.8483237946271883,-0.47073224612193365,0.4054454365369105,2.0682703311455835,-0.13866919111919573,-0.9721046317201532,-0.3608474114058894
0,-1.1418515161634994,-0.24707629182037003,0.5632227517949692,-0.2845632354743343,-0.6928905722954675,-0.1259772665834379,1.2144612906855827,-1.0415494364835023
0,-0.8448850534430228,0.5353523413564574,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,1.0289878661705079,-0.712374425467538,-0.445935164540591
0,-1.1418515161634994,-0.4035620184557355,-0.057150246955172554,-0.03365099110660893,-0.6928905722954675,-0.5955784744064706,0.9517109657556118,-0.1055841520017845
0,-0.5479185907225461,-0.6852363263993934,0.046245252836517724,-0.2845632354743343,-0.3108431516935611,-1.4713212673737484,-0.715394544144894,-0.5310229176752926
0,0.6399472601593604,-0.560047745091101,0.149640752628208,0.7190857419965673,0.9568596530309466,0.7243816773123246,-0.446603981860211,1.8514341700963528
0,0.34298079743888377,-0.30967058247451623,0.149640752628208,0.46817349762884186,-0.6928905722954675,-1.0271039086222309,-0.19593413163966408,-0.5310229176752926
1,1.2338801856003137,2.350586770326697,0.35643175221158857,0.5309015587207732,1.7383202860803004,0.6989978282408089,0.40204936647682166,2.021609676365756
1,0.34298079743888377,1.2864838292062117,1.8039687492952525,-1.2882122129452358,-0.6928905722954675,0.7243816773123246,-0.9690845130427972,1.596170910692248
0,-0.8448850534430228,-0.7791277623806127,-0.2639412465385531,0.4054454365369105,0.06252137298557472,0.15324507320323064,-0.5523081355676707,-1.0415494364835023
1,0.9369137228798371,1.9750210264018198,0.7700137513783497,0.7818138030884986,-0.6928905722954675,0.44515933752565606,-0.35298030286217547,0.6602056262105301
0,-0.5479185907225461,-1.248584942286709,-0.47073224612193365,0.09180513107725377,-0.6928905722954675,-0.5448107762634402,-0.5492880168903147,-0.7011984239446959
0,-1.1418515161634994,0.8170266493001153,0.8217115012741948,2.099103086019057,-0.6928905722954675,1.3716698286359637,-0.2925779293150556,-0.7862861770793975
0,0.9369137228798371,1.8185352997664543,1.3386890002326461,0.6563576809046359,-0.6928905722954675,0.2801643185608071,-0.9298229702371693,2.276872935769861
1,-1.1418515161634994,0.5979466320106036,-0.21224349664270797,0.34271737544497916,0.43588589766471053,1.346285979564449,-0.12345128338312028,-0.7862861770793975
1,1.5308466483207903,-0.2783734371474431,0.6666182515866594,0.7190857419965673,0.8266162141893876,0.2801643185608071,-0.6398915772109943,0.234766860537022
1,2.42174603648222,0.9422152306084076,0.046245252836517724,1.220910230732018,1.660174222775365,1.2447505832783874,0.8158056252745921,0.40494236680642526
1,0.34298079743888377,-0.3722648731286624,-0.3673367463302434,1.2836382918239493,0.4272030017419399,0.48323511113292866,0.12721856683742683,-0.7011984239446959
0,0.6399472601593604,0.12848945210450713,-0.057150246955172554,0.5936296198127046,0.3490569384370045,-0.25289651194101437,-0.023787367030372573,-0.1055841520017845
1,0.34298079743888377,-1.1233963609784168,0.2530362524198983,0.09180513107725377,-0.6928905722954675,-0.3798157572985908,2.2715028277601785,-0.1055841520017845
1,0.34298079743888377,-0.2783734371474431,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,0.7370736018480816,-0.6368714585336382,0.6602056262105301
1,-1.1418515161634994,1.7559410091123082,-0.47073224612193365,0.5309015587207732,3.457533678788879,0.3309320167038375,1.8124447888020687,-1.0415494364835023
1,-0.5479185907225461,1.1612952478979193,1.0802002507534205,-1.2882122129452358,-0.6928905722954675,-0.049825719368891866,1.0060731019480196,2.787399454578071
0,0.9369137228798371,-0.059293419857931455,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.8621088896573814,-0.7939176297561497,0.31985461367172363
0,0.9369137228798371,0.6605409226647497,-0.47073224612193365,0.7818138030884986,0.9568596530309466,-0.405199606370106,0.6496990980200129,2.3619606889045626
0,-0.8448850534430228,-0.6539391810723203,-0.16054574674686284,-0.3472912965662657,-0.2066484006203139,-1.0651796822295034,0.5862766057955372,-0.6161106708099943
0,-0.8448850534430228,-1.0608020703242704,0.45982725200327884,0.4054454365369105,-0.4150379027668083,0.3309320167038375,-1.1200904469105963,-0.9564616833488008
0,-1.1418515161634994,-0.6226420357452472,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.4705431865971717,-0.8271389352070656,-0.6161106708099943
1,-0.2509521280020695,1.2864838292062117,-0.8843142452886948,1.0954541085481553,-0.6928905722954675,0.6609220546335364,0.5439949443125532,-0.7862861770793975
0,0.04601433471840714,2.38188391565377,0.046245252836517724,1.1581821696400867,5.767183994245859,0.5974624319547481,5.608733966238547,-0.19067190513648613
0,-1.1418515161634994,-0.12188771051207764,0.5632227517949692,0.6563576809046359,-0.23269708838862568,1.676276017494148,-1.1563318710388684,-0.7862861770793975
1,0.04601433471840714,0.6605409226647497,0.87340925117004,-1.2882122129452358,-0.6928905722954675,1.5239729230650558,0.5228541135710614,-0.9564616833488008
1,0.6399472601593604,0.410163760048165,0.5632227517949692,1.032726047456224,2.5197809191296545,1.8031952628517243,-0.7063341881128261,1.0856443918840382
0,-0.8448850534430228,-1.3111792329408554,0.5632227517949692,0.2799893143530478,-0.37162342315295527,-0.8367250405858662,0.33560675557498987,-0.9564616833488008
0,0.04601433471840714,0.034598016123287834,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,0.3816997148468679,-0.2351956744452918,-0.3608474114058894
0,-0.2509521280020695,-1.4676649595762208,-0.057150246955172554,0.46817349762884186,-0.3021602557707905,-0.29097228554828736,-0.5402276608582467,-0.8713739302140991
1,0.04601433471840714,1.5681581371498696,0.149640752628208,-1.2882122129452358,-0.6928905722954675,1.4732052249220255,0.021514413129967127,-0.6161106708099943
1,0.9369137228798371,1.8811295904206005,0.7700137513783497,0.029077069985322418,0.9742254448764878,0.49592703566868646,0.3446671116070579,1.5110831575575463
1,-1.1418515161634994,1.8185352997664543,1.0802002507534205,0.4054454365369105,-0.6928905722954675,1.5366648476008136,0.646678979342657,-0.8713739302140991
1,1.5308466483207903,1.3490781198603579,0.7700137513783497,0.029077069985322418,-0.6928905722954675,-0.1513611156549531,1.0845961875592751,-0.1055841520017845
0,-1.1418515161634994,-0.5287505997640279,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,-1.7251597580889013,0.3325866368976339,-0.5310229176752926
0,-0.8448850534430228,-0.9356134890159782,-0.2639412465385531,0.21726125326111648,-0.6928905722954675,-0.3544319082270756,-0.8452596472712015,-1.0415494364835023
0,0.04601433471840714,-0.9356134890159782,0.046245252836517724,0.7190857419965673,0.07120426890834532,0.1405531486674728,-0.07814950322278041,-0.9564616833488008
1,-0.2509521280020695,0.5666494866835304,-0.7809187454970045,-1.2882122129452358,-0.6928905722954675,-0.8113411915143505,-0.21103472502644385,-0.9564616833488008
1,0.6399472601593604,-0.059293419857931455,-0.9877097450803851,0.09180513107725377,0.8352991101121582,-0.6209623234779859,2.555393983431642,-0.020496398867082873
0,-0.5479185907225461,0.7857295039730422,0.35643175221158857,0.9072699252723613,0.991591236722029,0.7878412999911129,-0.43150338847343106,-0.3608474114058894
1,1.5308466483207903,1.9750210264018198,0.8217115012741948,-0.3472912965662657,-0.6928905722954675,-0.25289651194101437,2.238281522309263,1.340907651288143
0,1.8278131110412668,0.034598016123287834,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.6459318145657063,0.6602056262105301
0,-1.1418515161634994,1.380375265187431,1.0802002507534205,0.7818138030884986,5.211478655188541,2.57740265953294,-0.13553175809254425,-0.8713739302140991
0,1.5308466483207903,0.09719230677743403,0.046245252836517724,0.7818138030884986,2.7976335886583135,0.43246741298989827,-0.5734489663091626,0.06459135426761875
0,-0.8448850534430228,-0.30967058247451623,0.87340925117004,-0.09637905219854027,-0.6928905722954675,-0.24020458740525652,-0.9932454624616451,-0.8713739302140991
0,1.5308466483207903,-0.4661563091098817,-0.8843142452886948,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.27747733592827567,0.7452933793452318
0,-0.5479185907225461,0.2536780334127995,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,-0.5067350026561672,-0.5674087289544506,-0.5310229176752926
0,-0.5479185907225461,-0.9669106343430512,0.5632227517949692,-0.410019357658197,-0.21533129654308447,-0.9636442859434426,-0.6731128826619102,-0.7862861770793975
0,-1.1418515161634994,-1.0920992156513436,-0.057150246955172554,0.7190857419965673,-0.6928905722954675,0.48323511113292866,-0.7063341881128261,-0.7011984239446959
1,2.42174603648222,-0.904316343688905,-0.3673367463302434,-0.8491157853017165,1.5472965757793473,-0.5575027007991976,1.3715074619080942,0.915468885614635
1,-0.8448850534430228,-0.24707629182037003,-0.2639412465385531,0.9072699252723613,-0.6928905722954675,0.20401277134626103,0.21480200848075057,-1.0415494364835023
0,-0.2509521280020695,-0.30967058247451623,-0.6775232457053142,1.1581821696400867,-0.6928905722954675,-0.24020458740525652,0.25708366996373444,-0.27575965827118776
0,-0.5479185907225461,-0.21577914649329694,-0.057150246955172554,0.09180513107725377,-0.6928905722954675,-0.41789153090586384,-1.1472715150068002,-0.7011984239446959
0,-0.8448850534430228,2.2566953343454776,-0.9877097450803851,-0.2845632354743343,2.5631953987435074,-0.7732654179070779,0.5530553003446212,-0.7862861770793975
1,2.1247795737617436,1.0674038119167,0.35643175221158857,0.46817349762884186,0.6095438161201225,0.16593699773898754,2.6610981371391014,1.5110831575575463
0,-0.2509521280020695,2.1941010436913313,-0.057150246955172554,-0.3472912965662657,0.43588589766471053,-0.13866919111919573,-0.5221069487941108,0.06459135426761875
1,-0.2509521280020695,0.6292437773376767,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.25289651194101437,0.873187880144356,-0.5310229176752926
0,0.04601433471840714,-0.8104249077076857,0.046245252836517724,0.7190857419965673,-0.6928905722954675,0.013633903309896358,0.42319019721831364,-0.7862861770793975
0,-0.2509521280020695,0.6605409226647497,0.5632227517949692,-0.3472912965662657,-0.6928905722954675,0.05170967691716893,-0.8210986978523536,2.532136195173966
1,0.04601433471840714,0.06589516145036094,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,0.0009419787741385332,-0.7425756122410979,0.14967910740232038
0,0.34298079743888377,-0.7791277623806127,0.2530362524198983,-0.1591071132904716,-0.11113654546983728,0.20401277134626103,1.585935888000369,0.8303811324799334
1,-1.1418515161634994,0.5353523413564574,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.5466947338117168,1.3926482926495862,-0.7011984239446959
0,-0.5479185907225461,0.22238088808572642,-0.2639412465385531,1.3463663529158807,-0.6928905722954675,1.0162959416347501,1.9000282304453922,-0.7862861770793975
0,-1.1418515161634994,-0.5913448904181741,-0.8843142452886948,-1.2882122129452358,-0.6928905722954675,-0.8748008141931387,-1.1895531764897842,-1.0415494364835023
1,-0.5479185907225461,0.7857295039730422,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.5701946253349555,-0.7002939507581141,-0.445935164540591
1,1.8278131110412668,-0.6226420357452472,0.87340925117004,1.032726047456224,-0.6928905722954675,1.7270437156371783,2.0057323841528514,0.40494236680642526
0,-0.5479185907225461,-0.4035620184557355,-0.3673367463302434,0.7190857419965673,-0.2066484006203139,-0.8621088896573814,-1.0385472426219848,-1.0415494364835023
0,-0.2509521280020695,0.034598016123287834,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,-1.1413312294440494,-0.6580122892751302,0.5751178730758285
0,-0.8448850534430228,-1.56155639555744,0.45982725200327884,1.8481908416513315,-0.3021602557707905,0.15324507320323064,-0.15063235147932422,-1.0415494364835023
0,2.718712499202697,-0.4661563091098817,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.2801643185608071,-0.6670726453071982,1.596170910692248
0,-0.5479185907225461,-0.6539391810723203,0.046245252836517724,1.9736469638351941,-0.1979655046975433,1.0797555643135384,0.619497911246453,-0.7011984239446959
1,0.9369137228798371,-0.4661563091098817,-0.47073224612193365,0.21726125326111648,-0.6928905722954675,-0.697113870692532,-0.5311673048261788,-0.3608474114058894
0,-1.1418515161634994,-0.5287505997640279,-0.2639412465385531,0.15453319216918512,0.3143253547459221,-0.5321188517276825,-0.053988553803932485,-0.8713739302140991
0,0.34298079743888377,-0.21577914649329694,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.9001846632646544,0.8218458626293041,2.021609676365756
0,-0.5479185907225461,-0.4035620184557355,-0.3673367463302434,-0.6609316020259224,1.7209544942347592,-0.8494169651216236,1.2356021214270745,-0.9564616833488008
1,-1.1418515161634994,0.7857295039730422,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.7497655263838393,-0.4164027950866511,-0.445935164540591
0,1.8278131110412668,0.2536780334127995,0.35643175221158857,0.46817349762884186,0.36642273028254574,0.49592703566868646,-0.5794892036638745,0.4900301199411269
0,0.9369137228798371,0.3788666147210919,0.9768047509617303,-0.3472912965662657,0.6529582957339756,0.05170967691716893,-0.6338513398562823,0.31985461367172363
1,0.9369137228798371,1.2551866838791386,0.87340925117004,-1.2882122129452358,-0.6928905722954675,-0.20212881379798395,-0.9268028515598132,1.1707321450187398
1,-0.5479185907225461,-0.4035620184557355,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.6336542480137437,-0.6429116958883503,1.596170910692248
0,0.9369137228798371,0.4727580507023112,0.2530362524198983,0.34271737544497916,0.4793003772785635,-0.7605734933713201,0.5288943509257733,1.5110831575575463
0,0.34298079743888377,1.0674038119167,0.7700137513783497,1.4718224750997435,4.03928770561451,0.8513009226699011,0.44433102795980556,0.06459135426761875
1,-0.8448850534430228,-0.059293419857931455,0.87340925117004,1.1581821696400867,1.2173465307140645,1.7270437156371783,1.0151334579800875,-0.3608474114058894
0,0.04601433471840714,-0.7791277623806127,-0.6775232457053142,-0.22183517438240297,-0.2674286720797081,-1.4205535692307176,-0.39828208302251517,-0.6161106708099943
0,0.34298079743888377,-0.4035620184557355,0.149640752628208,1.409094414007812,-0.04167337808767248,0.5213108847402022,-0.6308312211789263,-0.020496398867082873
0,-1.1418515161634994,-1.3424763782679283,0.9768047509617303,0.5309015587207732,-0.3455747353846435,0.6228462810262629,-0.11439092735105232,-1.0415494364835023
1,-1.1418515161634994,-0.4348591637828086,-0.3673367463302434,0.5936296198127046,-0.050356274010443076,0.5847705074189904,0.861107405434932,-0.7011984239446959
1,-0.5479185907225461,0.22238088808572642,0.45982725200327884,1.032726047456224,0.8873964856487817,1.435129451314752,2.2715028277601785,-0.19067190513648613
1,-0.8448850534430228,0.22238088808572642,-1.0911052448720753,1.5345505361916747,0.991591236722029,1.0797555643135384,0.4262103158956696,-0.7862861770793975
0,-1.1418515161634994,1.2551866838791386,-0.9877097450803851,-1.2882122129452358,-0.6928905722954675,-1.2809423993373836,-0.6580122892751302,2.702311701443369
0,0.6399472601593604,0.9422152306084076,-0.3673367463302434,0.6563576809046359,0.3490569384370045,0.44515933752565606,0.6647996914067926,-0.445935164540591
1,-0.5479185907225461,0.7857295039730422,0.046245252836517724,1.0954541085481553,2.4329519599019482,-0.5067350026561672,-0.4073424390545831,-0.3608474114058894
0,-1.1418515161634994,0.15978659743158022,0.7700137513783497,0.5309015587207732,1.1739320511002114,-0.16405304019071093,0.14533927890156276,-0.7862861770793975
1,3.0156789619231734,-0.6539391810723203,0.45982725200327884,0.2799893143530478,0.9047622774943229,0.5847705074189904,-0.18083353825288412,1.0856443918840382
0,1.2338801856003137,-0.2783734371474431,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-1.0651796822295034,1.111777255655479,2.106697429500458
1,-1.1418515161634994,1.4429695558415772,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.03901775238141111,1.108757136978123,-0.27575965827118776
1,-0.5479185907225461,0.723135213318896,-0.5741277459136239,0.7818138030884986,0.4793003772785635,-0.049825719368891866,-0.15063235147932422,-0.7011984239446959
0,0.34298079743888377,-1.3737735235950015,0.6666182515866594,1.2836382918239493,-0.3282089435391023,0.48323511113292866,-0.9539839196560171,0.14967910740232038
1,0.34298079743888377,-0.18448200116622385,1.4937822499201816,-1.2882122129452358,-0.6928905722954675,2.653554206747486,-0.7939176297561497,-0.445935164540591
0,-0.2509521280020695,0.9109180852813346,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,-1.3951697201592024,-0.7999578671108617,0.31985461367172363
0,-0.5479185907225461,-0.027996274530858355,0.35643175221158857,1.032726047456224,0.21881349959544552,0.9782201680274775,-0.7757969176920138,-0.3608474114058894
1,1.8278131110412668,1.2551866838791386,-0.057150246955172554,0.15453319216918512,0.45325168951025174,-0.8240331160501083,-0.440563744505499,1.1707321450187398
0,-1.1418515161634994,0.5040551960293843,-0.057150246955172554,-0.410019357658197,0.5921780242745813,-0.9128765878004118,-0.9932454624616451,-1.0415494364835023
1,-1.1418515161634994,0.22238088808572642,-0.057150246955172554,-0.09637905219854027,0.8700306938032405,-0.18943688926222613,2.775862646878629,-0.7011984239446959
1,-0.5479185907225461,0.09719230677743403,-0.057150246955172554,0.46817349762884186,1.0871030918725055,0.11516929959595715,1.2174814093629387,-0.27575965827118776
0,0.6399472601593604,-1.2798820876137822,-0.16054574674686284,0.5936296198127046,-0.6928905722954675,-0.7351896442998049,-0.4798252873111269,0.6602056262105301
0,-1.1418515161634994,-0.4661563091098817,0.046245252836517724,1.032726047456224,0.5921780242745813,0.940144394420204,0.40204936647682166,-0.9564616833488008
1,-0.5479185907225461,1.0674038119167,0.2530362524198983,-0.22183517438240297,0.14066743629051012,-0.6844219461567741,-0.1174110460284083,-0.5310229176752926
0,-0.2509521280020695,-0.24707629182037003,-0.9877097450803851,-0.6609316020259224,0.04515558114003352,-0.31635613461980255,0.4654718587012975,-0.7011984239446959
1,0.9369137228798371,-0.3722648731286624,0.5632227517949692,0.6563576809046359,-0.6928905722954675,0.49592703566868646,1.978551316056648,0.8303811324799334
0,-0.5479185907225461,-0.2783734371474431,-0.057150246955172554,0.09180513107725377,0.12330164444496892,0.26747239402504924,-0.4737850499564149,-0.6161106708099943
0,-0.2509521280020695,-0.6852363263993934,0.5632227517949692,-0.5982035409339911,-0.13718523323814907,-1.6109324372670821,-0.5674087289544506,-0.27575965827118776
1,-0.2509521280020695,1.9124267357476736,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.18943688926222613,-0.38318148963573534,-0.3608474114058894
0,-0.2509521280020695,-0.18448200116622385,-0.16054574674686284,1.1581821696400867,0.5227148568924165,0.775149375455355,-0.9721046317201532,-0.445935164540591
1,0.6399472601593604,2.2879924796725506,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,-1.0778716067652612,-1.0355271239446289,2.1917851826351593
0,0.04601433471840714,0.2536780334127995,-0.47073224612193365,-0.5354754798420597,1.312858385864541,-0.5701946253349555,0.1664801096430547,-0.19067190513648613
1,-0.2509521280020695,-0.2783734371474431,0.2530362524198983,0.5936296198127046,-0.6928905722954675,-0.049825719368891866,-0.8301590538844216,-0.7011984239446959
1,-1.1418515161634994,0.09719230677743403,0.046245252836517724,-0.03365099110660893,-0.6928905722954675,-0.5828865498707133,-0.6580122892751302,0.234766860537022
1,2.718712499202697,0.9735123759354807,1.0802002507534205,0.7818138030884986,-0.4410865905351201,-0.6590380970852588,0.7825843198236763,0.8303811324799334
0,-0.5479185907225461,-0.2783734371474431,0.30473400231574344,0.7190857419965673,-0.6928905722954675,0.4705431865971717,-0.9781448690748651,-1.0415494364835023
0,-0.8448850534430228,1.129998102570846,0.149640752628208,0.029077069985322418,0.7658359427299933,-0.8113411915143505,-1.0536478360087647,-0.7862861770793975
1,-0.8448850534430228,0.034598016123287834,-0.2639412465385531,0.7190857419965673,0.6616411916567462,0.39439163938262567,0.6647996914067926,-0.27575965827118776
0,1.8278131110412668,1.8185352997664543,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.39439163938262567,-0.8210986978523536,0.31985461367172363
1,-0.5479185907225461,-0.5913448904181741,0.87340925117004,0.9699979863642927,0.3490569384370045,1.7143517911014206,-1.0415673612993408,-0.8713739302140991
0,0.6399472601593604,-0.4974534544369548,0.046245252836517724,0.7190857419965673,-0.10245364954706668,-0.1513611156549531,-1.0566679546861206,0.31985461367172363
0,1.2338801856003137,-0.09059056518500455,0.149640752628208,-0.09637905219854027,-0.6928905722954675,-1.1286393049082917,3.032572734453888,1.0856443918840382
0,-0.5479185907225461,-1.0608020703242704,-0.5741277459136239,-0.2845632354743343,-0.2413799843113963,0.08978545052444241,-0.9237827328824573,-0.7011984239446959
1,-0.8448850534430228,1.8498324450935275,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,1.435129451314752,-0.5734489663091626,0.6602056262105301
0,2.42174603648222,-0.4661563091098817,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-1.0651796822295034,-1.011366174525781,0.915468885614635
0,-0.8448850534430228,-0.8104249077076857,-0.47073224612193365,-0.1591071132904716,-0.18928260877477268,-1.0271039086222309,-0.6398915772109943,-0.9564616833488008
0,-1.1418515161634994,1.380375265187431,0.35643175221158857,1.409094414007812,1.5212478880110354,2.0189579799596036,-0.6429116958883503,-0.6161106708099943
0,-1.1418515161634994,-0.12188771051207764,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.22939662041777578,1.38962817397223,0.915468885614635
1,0.34298079743888377,-0.18448200116622385,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.38922172699044716,0.915468885614635
1,1.5308466483207903,0.9735123759354807,0.45982725200327884,0.84454186418043,0.7918846304983052,0.2801643185608071,1.2718435455553465,-0.020496398867082873
1,0.9369137228798371,1.7872381544393812,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,1.0036040170989922,-0.4254631511187191,0.6602056262105301
0,-0.8448850534430228,0.2849751787398726,0.046245252836517724,-0.4727474187501284,0.21881349959544552,-0.7732654179070779,0.0003735823884751878,-0.9564616833488008
0,-0.8448850534430228,-0.8104249077076857,0.2530362524198983,0.029077069985322418,-0.05903916993321368,-0.7732654179070779,0.6074174365370291,0.234766860537022
0,-0.8448850534430228,-3.78365371377963,-0.057150246955172554,0.9072699252723613,-0.6928905722954675,0.0009419787741385332,-0.25029626783207176,-0.9564616833488008
0,0.34298079743888377,0.034598016123287834,0.87340925117004,-1.2882122129452358,-0.6928905722954675,0.3436239412395953,-0.5492880168903147,-0.020496398867082873
0,1.2338801856003137,-0.8104249077076857,0.149640752628208,-1.2882122129452358,-0.6928905722954675,0.6101543564905051,0.039635125194103074,2.021609676365756
0,1.2338801856003137,0.15978659743158022,0.9768047509617303,0.9699979863642927,0.24486218736375734,0.8259170735983854,-0.37110101492631137,1.340907651288143
0,-0.8448850534430228,0.5666494866835304,-1.1945007446637657,-0.09637905219854027,0.02778978929449232,-0.41789153090586384,0.5500351816672653,-0.9564616833488008
0,-0.2509521280020695,-0.15318485583915073,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-1.0778716067652612,-0.8603602406579814,-0.8713739302140991
0,-0.2509521280020695,-0.6852363263993934,-0.3673367463302434,-0.09637905219854027,-0.050356274010443076,-1.2936343238731411,-0.5825093223412304,-0.6161106708099943
1,0.34298079743888377,-3.78365371377963,0.5632227517949692,0.7190857419965673,-0.6928905722954675,1.1432151869923266,-0.3801613709583794,0.31985461367172363
0,0.04601433471840714,-0.904316343688905,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,1.2955182814214186,-0.7093543067901821,-0.3608474114058894
0,0.04601433471840714,0.5040551960293843,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.6640525266298422,-0.27575965827118776
0,-0.2509521280020695,-1.874527848828171,0.6666182515866594,0.46817349762884186,-0.6928905722954675,0.3055481676323218,-0.6912335947260462,1.0856443918840382
0,-0.8448850534430228,-0.9669106343430512,-0.3673367463302434,-0.5354754798420597,-0.3195260476163317,-0.6082703989422285,0.3265463995429219,-0.7862861770793975
0,-0.2509521280020695,-0.9669106343430512,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,1.3589779041002068,0.2631239073184464,-1.0415494364835023
1,1.5308466483207903,1.380375265187431,0.9768047509617303,-1.2882122129452358,-0.6928905722954675,-0.20212881379798395,-0.5130465927620428,1.340907651288143
1,-0.8448850534430228,0.12848945210450713,-0.9877097450803851,1.220910230732018,0.7571530468072227,0.16593699773898754,1.4802317342929094,-0.445935164540591
1,2.718712499202697,0.2536780334127995,-3.572597239872642,0.5936296198127046,-0.6928905722954675,1.0036040170989922,0.293325094092006,0.915468885614635
0,2.42174603648222,-1.0295049249971975,0.2530362524198983,1.220910230732018,-0.22401419246585508,0.4197754884541404,-0.28351757328298766,1.2558198981534414
1,-0.8448850534430228,2.350586770326697,0.35643175221158857,0.9699979863642927,1.4691505124744118,0.5720785828832325,1.2174814093629387,-0.3608474114058894
1,0.34298079743888377,2.1315067530371854,-0.2639412465385531,0.7818138030884986,2.1290506026049774,-0.10059341751192272,0.33560675557498987,-0.3608474114058894
0,0.34298079743888377,1.1612952478979193,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-0.27828036101252956,-0.7999578671108617,2.532136195173966
0,0.34298079743888377,-0.560047745091101,2.010759748878633,1.032726047456224,-0.6928905722954675,0.9147605453486892,-0.5039862367299749,2.702311701443369
1,0.04601433471840714,0.7857295039730422,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.8259170735983854,0.14533927890156276,2.8724872077127723
0,0.04601433471840714,0.8170266493001153,0.2530362524198983,0.2799893143530478,1.8511979330763182,0.36900779031111003,-0.26237674254149573,-0.27575965827118776
0,0.34298079743888377,-0.6852363263993934,-0.7809187454970045,0.46817349762884186,0.02778978929449232,0.2547804694892914,0.08191678667708695,-0.27575965827118776
1,0.6399472601593604,0.09719230677743403,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-0.5575027007991976,-0.3137187600565476,-0.3608474114058894
0,-1.1418515161634994,-0.6226420357452472,-0.2639412465385531,-0.22183517438240297,-0.6928905722954675,-1.3951697201592024,-0.6640525266298422,-1.0415494364835023
0,-0.2509521280020695,-1.248584942286709,0.87340925117004,-0.2845632354743343,-0.11981944139260788,-0.5701946253349555,-0.5009661180526188,-0.9564616833488008
1,-0.8448850534430228,0.3788666147210919,1.7005732495035621,0.46817349762884186,0.5227148568924165,0.10247737506019933,-0.71841466282225,1.0005566387493365
1,-0.2509521280020695,1.6307524278040157,0.6666182515866594,1.722734719467469,3.3446560317928613,0.8132251490626276,5.028871180186196,-0.7011984239446959
0,-1.1418515161634994,-0.09059056518500455,-0.2639412465385531,0.15453319216918512,0.07988716483111592,-4.060473872668307,3.802702997179665,-1.0415494364835023
0,-1.1418515161634994,-1.1546935063054897,-0.2639412465385531,0.09180513107725377,-0.11981944139260788,0.48323511113292866,0.22084224583546255,-1.0415494364835023
0,-0.5479185907225461,-0.4974534544369548,-0.5741277459136239,1.220910230732018,0.12330164444496892,0.36900779031111003,-0.7455957309184539,-0.7011984239446959
0,-0.5479185907225461,0.034598016123287834,-0.8843142452886948,1.409094414007812,0.6790069835022874,0.53400280927596,1.0392944073989352,-0.445935164540591
1,2.42174603648222,0.5979466320106036,0.6666182515866594,1.409094414007812,2.1290506026049774,0.9147605453486892,0.1695002283204107,2.106697429500458
0,-1.1418515161634994,-0.7165334717264664,0.6666182515866594,-0.3472912965662657,0.03647268521726292,-0.8621088896573814,-0.5221069487941108,-0.9564616833488008
0,-0.8448850534430228,-1.0608020703242704,-0.47073224612193365,1.032726047456224,-0.04167337808767248,0.6609220546335364,0.11211797345064686,-0.9564616833488008
1,0.04601433471840714,1.0987009572437731,0.30473400231574344,-1.2882122129452358,-0.6928905722954675,2.069725678102634,-0.7063341881128261,-0.1055841520017845
0,-1.1418515161634994,-0.873019198361832,1.597177749711872,1.1581821696400867,-0.06772206585598428,1.4478213758505099,1.658418736256913,0.14967910740232038
0,-0.8448850534430228,-0.4348591637828086,0.149640752628208,0.5936296198127046,0.019106893371721723,-0.1513611156549531,1.054395000785715,-0.7862861770793975
0,-1.1418515161634994,-0.4974534544369548,-0.057150246955172554,0.09180513107725377,-0.6928905722954675,-1.5220889655167789,-0.712374425467538,-0.9564616833488008
0,-0.8448850534430228,-0.3722648731286624,-0.47073224612193365,-0.7863877242097851,0.8873964856487817,-0.8367250405858662,1.4349299541325697,-1.0415494364835023
0,-0.8448850534430228,-0.9669106343430512,-0.3673367463302434,-0.1591071132904716,-0.18059971285200208,-0.8748008141931387,2.4043880495638423,-0.7011984239446959
0,-0.8448850534430228,0.12848945210450713,0.046245252836517724,0.21726125326111648,0.2622279792092985,-0.9763362104791999,-0.7576762056278777,-0.7011984239446959
0,-0.8448850534430228,-0.059293419857931455,-0.7809187454970045,-0.4727474187501284,-0.2587457761569375,-1.230174701194353,-0.8059981044655736,-0.7862861770793975
1,0.34298079743888377,-0.15318485583915073,0.2530362524198983,0.5309015587207732,-0.6928905722954675,0.03901775238141111,0.5681558937314012,0.14967910740232038
1,1.2338801856003137,-0.4974534544369548,1.597177749711872,0.9699979863642927,-0.6928905722954675,1.435129451314752,-0.7033140694354701,1.0005566387493365
1,0.34298079743888377,0.723135213318896,0.6666182515866594,0.34271737544497916,1.7817347656941533,0.0009419787741385332,-0.06002879115864447,2.106697429500458
0,-0.2509521280020695,-0.6539391810723203,-0.057150246955172554,0.15453319216918512,0.010423997448951122,-0.049825719368891866,1.4409701914872817,-0.445935164540591
0,-0.8448850534430228,-0.6539391810723203,-0.16054574674686284,0.5309015587207732,1.0089570285675702,0.0009419787741385332,-0.0841897405774924,0.7452933793452318
1,0.34298079743888377,1.411672410514504,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,1.7397356401729362,-0.39828208302251517,-0.5310229176752926
0,-0.8448850534430228,0.3162723240669457,-0.2639412465385531,-0.410019357658197,2.9105112356543317,-1.052487757693746,-0.25029626783207176,-1.0415494364835023
0,0.04601433471840714,-0.15318485583915073,0.149640752628208,-0.5354754798420597,0.06252137298557472,-1.2555585502658682,-0.026807485707728566,0.31985461367172363
1,0.04601433471840714,1.1612952478979193,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.11516929959595715,1.0000328645933076,-0.19067190513648613
0,-0.5479185907225461,0.1910837427586533,-0.5741277459136239,0.21726125326111648,1.6949058064664475,-0.5448107762634402,3.4070674504460308,-0.7011984239446959
0,-0.2509521280020695,-0.7791277623806127,-0.6775232457053142,0.84454186418043,0.30564245882315155,-0.9255685123361695,1.4258695981005016,0.4900301199411269
1,-1.1418515161634994,0.3162723240669457,-0.16054574674686284,1.220910230732018,-0.6928905722954675,0.292856243096564,-0.8331791725617775,-0.9564616833488008
0,-0.2509521280020695,-1.217287796959636,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-1.3824777956234444,-0.25029626783207176,-0.7011984239446959
1,-0.2509521280020695,2.2566953343454776,0.046245252836517724,0.6563576809046359,-0.6928905722954675,0.36900779031111003,-0.6972738320807581,-0.7011984239446959
1,0.04601433471840714,-0.8104249077076857,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,0.0009419787741385332,-0.9388833262692372,-0.19067190513648613
0,0.6399472601593604,0.5040551960293843,-0.4190344962260885,-1.2882122129452358,-0.6928905722954675,-0.9890281350149578,-0.9690845130427972,1.8514341700963528
1,0.34298079743888377,0.4727580507023112,0.7700137513783497,1.2836382918239493,0.07120426890834532,0.3816997148468679,-0.5613684915997387,0.14967910740232038
0,1.5308466483207903,-1.530259250230367,0.45982725200327884,0.2799893143530478,-0.6928905722954675,-0.049825719368891866,-0.5794892036638745,0.40494236680642526
1,0.34298079743888377,1.4742667011686503,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,0.11516929959595715,-1.0174064118804929,0.6602056262105301
0,-0.5479185907225461,0.06589516145036094,-1.0911052448720753,0.7190857419965673,0.7397872549616815,1.2828263568856608,0.14533927890156276,-0.6161106708099943
1,0.04601433471840714,-0.18448200116622385,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-0.39250768183434864,-0.28955781063769964,1.0856443918840382
0,-1.1418515161634994,-0.6226420357452472,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-1.2809423993373836,-0.41036255773193914,-0.7011984239446959
1,1.2338801856003137,2.38188391565377,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.7732654179070779,2.1718389114074315,0.4900301199411269
1,-0.8448850534430228,1.5994552824769426,-0.057150246955172554,1.7854627805594,4.33450616698871,1.3209021304929334,0.6950008781803525,-0.445935164540591
0,0.6399472601593604,-0.5913448904181741,1.0802002507534205,1.1581821696400867,-0.6928905722954675,0.4705431865971717,0.610437555214385,-0.445935164540591
0,-0.8448850534430228,-0.2783734371474431,0.149640752628208,0.5936296198127046,0.8352991101121582,0.3055481676323218,0.1695002283204107,-0.7011984239446959
0,-0.8448850534430228,0.6918380679918229,0.7700137513783497,0.15453319216918512,1.9988071637634184,1.3209021304929334,1.8245252635114928,-0.9564616833488008
0,-0.8448850534430228,0.6918380679918229,0.2530362524198983,0.09180513107725377,-0.1632339210064609,-0.7351896442998049,-0.6519720519204183,-1.0415494364835023
1,-1.1418515161634994,0.5353523413564574,-0.47073224612193365,0.9072699252723613,0.7571530468072227,0.3309320167038375,0.18762094038454663,-1.0415494364835023
1,-0.2509521280020695,1.6307524278040157,0.7700137513783497,0.7818138030884986,3.422802095097797,0.4705431865971717,-0.6459318145657063,-0.9564616833488008
0,-0.8448850534430228,-0.7478306170535396,-0.057150246955172554,0.029077069985322418,-0.6928905722954675,-0.6082703989422285,1.8819075183812561,-0.9564616833488008
1,0.04601433471840714,0.723135213318896,0.6666182515866594,0.7190857419965673,-0.6928905722954675,0.8259170735983854,0.24802331393166646,0.31985461367172363
0,-0.8448850534430228,-1.185990651632563,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-1.7505436071604163,0.4594316213465855,-0.5310229176752926
1,-0.2509521280020695,0.2536780334127995,-0.2639412465385531,0.5309015587207732,0.30564245882315155,-0.7098057952282897,-0.7637164429825898,-0.445935164540591
0,-0.8448850534430228,-0.059293419857931455,0.9768047509617303,1.2836382918239493,0.7832017345755345,1.6889679420299049,0.10607773609593488,-0.6161106708099943
0,-0.5479185907225461,-0.8417220530347589,-0.057150246955172554,-0.1591071132904716,-0.03299048216490188,-0.7605734933713201,0.2691641446731584,-1.0415494364835023
0,-1.1418515161634994,-0.5913448904181741,-0.2639412465385531,1.597278597283606,-0.015624690319360679,1.092447488849296,0.07285643064501898,-1.0415494364835023
0,-0.5479185907225461,-0.18448200116622385,-0.2639412465385531,0.09180513107725377,-0.6928905722954675,-0.1513611156549531,-0.1536524701566802,-1.0415494364835023
1,1.2338801856003137,0.9422152306084076,0.45982725200327884,0.7190857419965673,1.1305175714863585,1.3843617531717216,0.1332588041921388,0.234766860537022
1,0.04601433471840714,1.9750210264018198,0.45982725200327884,1.1581821696400867,1.7122715983119887,0.6355382055620208,-0.6278111025015704,-0.19067190513648613
0,-1.1418515161634994,-0.8417220530347589,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.6519720519204183,-0.7011984239446959
1,-0.8448850534430228,1.8811295904206005,-0.2639412465385531,0.5936296198127046,0.8700306938032405,0.26747239402504924,-0.434523507150787,0.40494236680642526
0,-1.1418515161634994,0.4414609053752381,1.286991250336801,1.597278597283606,0.5661293365062695,1.092447488849296,-0.5674087289544506,-0.6161106708099943
1,-0.8448850534430228,-0.8104249077076857,0.6666182515866594,0.2799893143530478,0.8700306938032405,0.3816997148468679,-0.7214347814996059,0.8303811324799334
0,-0.5479185907225461,-0.6852363263993934,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-1.2428666257301106,-1.0989496161691046,-0.8713739302140991
0,-0.2509521280020695,-0.9982077796701243,0.2530362524198983,-0.2845632354743343,0.04515558114003352,-0.20212881379798395,0.23896295789959848,0.40494236680642526
0,-0.8448850534430228,-1.2798820876137822,0.2530362524198983,-0.5982035409339911,-0.17191681692923147,-0.25289651194101437,0.1664801096430547,-0.9564616833488008
0,-0.5479185907225461,0.5666494866835304,0.30473400231574344,-1.2882122129452358,-0.6928905722954675,-0.8113411915143505,-0.9207626142051013,-0.3608474114058894
0,-0.8448850534430228,-0.9669106343430512,-0.057150246955172554,-0.7863877242097851,-0.6928905722954675,-0.9509523614076848,2.0117726215075633,0.234766860537022
1,-1.1418515161634994,0.6292437773376767,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,1.3209021304929334,-0.8059981044655736,-0.3608474114058894
0,2.42174603648222,0.5979466320106036,0.8217115012741948,0.7818138030884986,-0.6928905722954675,0.6863059037050512,-0.6882134760486901,0.6602056262105301
0,0.34298079743888377,0.8170266493001153,0.30473400231574344,-1.2882122129452358,-0.6928905722954675,-0.26558843647677216,-0.11439092735105232,-0.445935164540591
0,-0.8448850534430228,-0.7478306170535396,0.046245252836517724,-0.3472912965662657,-0.6928905722954675,-1.7505436071604163,-0.9811649877522212,-1.0415494364835023
0,0.6399472601593604,-0.4348591637828086,0.9768047509617303,-1.2882122129452358,-0.6928905722954675,0.6101543564905051,0.7705038451142523,-0.19067190513648613
1,-1.1418515161634994,2.1315067530371854,1.8039687492952525,0.2799893143530478,-0.6928905722954675,0.292856243096564,-0.11137080867369632,0.6602056262105301
0,-0.5479185907225461,-1.185990651632563,-0.16054574674686284,0.15453319216918512,-0.2587457761569375,0.02632582784565418,0.07587654932237496,-0.9564616833488008
0,0.04601433471840714,-0.12188771051207764,-0.2639412465385531,0.4054454365369105,0.3490569384370045,0.15324507320323064,-0.7304951375316739,-0.7862861770793975
1,1.2338801856003137,-0.4035620184557355,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-0.18943688926222613,1.4590909035514177,-0.020496398867082873
1,0.04601433471840714,-0.12188771051207764,-0.3673367463302434,-0.5354754798420597,-0.6928905722954675,-0.29097228554828736,-0.27747733592827567,-0.27575965827118776
1,-1.1418515161634994,1.8498324450935275,0.45982725200327884,2.6636556358464394,-0.5713300293766791,3.478529301571733,5.88356476587794,-0.7011984239446959
0,-0.8448850534430228,-0.6539391810723203,0.149640752628208,-0.5354754798420597,-0.08508785770152548,-0.8494169651216236,0.5621156563766893,-0.445935164540591
0,-1.1418515161634994,-0.8104249077076857,0.5632227517949692,1.5345505361916747,0.10593585259942773,0.5720785828832325,-0.42848326979607504,-0.6161106708099943
1,-1.1418515161634994,-0.5287505997640279,-0.2639412465385531,1.032726047456224,-0.13718523323814907,0.20401277134626103,0.11513809212800286,-0.9564616833488008
0,-1.1418515161634994,-0.027996274530858355,0.2530362524198983,-0.1591071132904716,-0.14586812916091968,-0.18943688926222613,-0.5643886102770946,-0.6161106708099943
0,-0.8448850534430228,-1.217287796959636,-0.2639412465385531,-0.4727474187501284,0.13198454036773952,-1.3697858710876871,-0.17177318222081614,-0.8713739302140991
1,-0.5479185907225461,0.410163760048165,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-0.39250768183434864,0.21178188980339457,-0.8713739302140991
0,-1.1418515161634994,-0.9356134890159782,-0.057150246955172554,0.7190857419965673,1.1305175714863585,1.0036040170989922,-0.27445721725091965,-0.7011984239446959
0,-0.5479185907225461,-0.059293419857931455,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-1.5728566636598091,1.087616306236631,3.2979259733862807
0,-0.5479185907225461,-0.6539391810723203,-0.7809187454970045,0.46817349762884186,0.21881349959544552,0.7370736018480816,0.07889666799973095,-0.7862861770793975
1,3.0156789619231734,1.6933467184581619,-0.3673367463302434,0.5936296198127046,-0.6928905722954675,0.20401277134626103,-0.7848572737240816,0.40494236680642526
0,-0.8448850534430228,0.4414609053752381,-0.7809187454970045,-1.2882122129452358,-0.6928905722954675,-0.6717300216210167,0.6496990980200129,2.4470484420392644
0,0.34298079743888377,-1.0920992156513436,-0.057150246955172554,0.46817349762884186,-0.07640496177875487,-0.22751266286949914,-0.3257992347659715,-0.7862861770793975
1,1.8278131110412668,0.8483237946271883,0.7700137513783497,1.722734719467469,1.3649557614011647,0.7116897527765668,1.598016362709793,1.5110831575575463
0,1.5308466483207903,0.410163760048165,0.2530362524198983,0.7818138030884986,-0.17191681692923147,-0.7732654179070779,-0.03586784173979654,4.063715751598595
0,1.5308466483207903,-0.027996274530858355,0.149640752628208,0.09180513107725377,-0.2066484006203139,-1.4205535692307176,0.7886245571783882,1.2558198981534414
0,-0.8448850534430228,-1.56155639555744,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-1.2936343238731411,-0.16875306354346015,-0.6161106708099943
0,1.2338801856003137,-1.4676649595762208,0.046245252836517724,1.220910230732018,-0.2674286720797081,0.4197754884541404,0.7040612342124205,0.4900301199411269
0,0.34298079743888377,-1.0295049249971975,0.45982725200327884,0.5936296198127046,-0.6928905722954675,-0.5575027007991976,-0.6459318145657063,0.31985461367172363
0,1.8278131110412668,-0.18448200116622385,1.4937822499201816,-1.2882122129452358,-0.6928905722954675,-1.014411984086473,1.6614388549342691,0.06459135426761875
0,-1.1418515161634994,0.09719230677743403,-0.6775232457053142,-0.4727474187501284,0.21881349959544552,-1.2936343238731411,-0.06002879115864447,-1.0415494364835023
0,-1.1418515161634994,-1.4676649595762208,-0.8843142452886948,-0.6609316020259224,-0.3803063190757259,-0.5321188517276825,-0.6127105091147903,-0.9564616833488008
0,-1.1418515161634994,-0.7478306170535396,-0.2639412465385531,0.9699979863642927,0.17539901998159252,0.6101543564905051,0.3869487730900417,-0.7011984239446959
1,1.2338801856003137,-0.027996274530858355,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.25289651194101437,-0.8724407153674054,0.40494236680642526
0,0.6399472601593604,1.036106666589627,0.45982725200327884,1.2836382918239493,0.5227148568924165,1.7905033383159665,0.299365331446718,-0.5310229176752926
0,-0.8448850534430228,0.723135213318896,0.6666182515866594,1.220910230732018,-0.6928905722954675,1.1812909605995991,0.40808960383153364,-0.445935164540591
0,-1.1418515161634994,0.5040551960293843,0.046245252836517724,1.0954541085481553,-0.6928905722954675,0.15324507320323064,-0.9117022581730333,-0.9564616833488008
0,-1.1418515161634994,-0.059293419857931455,-0.16054574674686284,0.4054454365369105,-0.6928905722954675,0.8639928472056579,-0.6429116958883503,-0.9564616833488008
0,0.9369137228798371,0.4727580507023112,1.0802002507534205,-1.2882122129452358,-0.6928905722954675,-0.26558843647677216,-0.7908975110787937,1.4259954044228447
0,0.04601433471840714,-0.21577914649329694,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-0.39250768183434864,-1.0445874799766968,-0.7862861770793975
0,-1.1418515161634994,0.5040551960293843,0.7700137513783497,0.4054454365369105,-0.6928905722954675,-0.5955784744064706,-0.727475018854318,2.1917851826351593
1,-0.5479185907225461,-0.4974534544369548,0.5632227517949692,1.5345505361916747,0.9655425489537172,0.21670469588201885,0.7221819462765564,-0.3608474114058894
0,0.9369137228798371,-0.21577914649329694,0.35643175221158857,-0.22183517438240297,0.2622279792092985,-1.0397958331579882,-0.01774712967566059,-0.19067190513648613
0,1.2338801856003137,0.15978659743158022,0.2530362524198983,1.0954541085481553,-0.04167337808767248,-0.7732654179070779,-0.9358632075918812,0.4900301199411269
0,0.04601433471840714,0.3475694693940188,0.87340925117004,0.6563576809046359,-0.6928905722954675,-0.5067350026561672,-0.15969270751139217,2.532136195173966
1,-0.2509521280020695,1.1612952478979193,0.046245252836517724,0.5936296198127046,2.1550992903732893,0.44515933752565606,-0.38620160831309136,0.14967910740232038
0,-1.1418515161634994,0.06589516145036094,0.9768047509617303,1.032726047456224,-0.6928905722954675,0.4070835639183835,-0.8301590538844216,-0.3608474114058894
0,0.04601433471840714,-1.1233963609784168,-0.5741277459136239,0.09180513107725377,-0.2674286720797081,-0.5321188517276825,-0.5009661180526188,-0.445935164540591
0,-1.1418515161634994,-1.1546935063054897,0.6666182515866594,0.6563576809046359,0.39247141805085756,0.7878412999911129,-0.7214347814996059,-0.8713739302140991
1,-1.1418515161634994,0.754432358645969,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,1.5493567721365715,0.47755233341072145,-0.19067190513648613
1,-1.1418515161634994,0.4414609053752381,-0.057150246955172554,1.3463663529158807,1.4778334083971825,1.3082102059571756,-0.32277911608861554,-0.7862861770793975
0,-0.8448850534430228,0.5666494866835304,-0.3673367463302434,1.2836382918239493,3.4748994706344205,1.1051394133850538,0.19366117773925862,-1.0415494364835023
0,-1.1418515161634994,1.6307524278040157,0.45982725200327884,0.7190857419965673,1.6080768472387414,1.841271036458997,2.0751951137320397,2.106697429500458
0,0.04601433471840714,-0.6852363263993934,0.149640752628208,-0.22183517438240297,-0.6928905722954675,-0.8113411915143505,-0.5372075421808907,-0.445935164540591
0,1.2338801856003137,2.2879924796725506,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.7478815688355623,0.23896295789959848,2.8724872077127723
0,-0.5479185907225461,-1.185990651632563,-0.21224349664270797,0.46817349762884186,-0.11981944139260788,0.6101543564905051,0.4745322147333655,-0.7862861770793975
0,-0.5479185907225461,-0.9982077796701243,1.0802002507534205,0.5936296198127046,-0.6928905722954675,0.1913208468105032,-0.5432477795356028,0.7452933793452318
0,0.04601433471840714,-0.6852363263993934,-0.057150246955172554,1.0954541085481553,-0.6928905722954675,0.10247737506019933,-0.9872052251069331,-0.020496398867082873
1,0.04601433471840714,0.12848945210450713,0.046245252836517724,-0.1591071132904716,0.36642273028254574,-0.39250768183434864,2.0298933335716995,1.0005566387493365
0,-0.2509521280020695,-1.2798820876137822,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.8996217834636093,-0.9564616833488008
0,0.6399472601593604,1.411672410514504,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.6844219461567741,-0.5070063554073309,2.787399454578071
0,0.34298079743888377,-0.3409677278015893,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.7605734933713201,-0.5432477795356028,-0.27575965827118776
0,-0.5479185907225461,-1.248584942286709,0.149640752628208,-0.3472912965662657,-0.03299048216490188,-0.24020458740525652,0.22688248319017454,-0.7011984239446959
1,0.9369137228798371,2.319289624999624,0.046245252836517724,0.7818138030884986,0.5661293365062695,-0.8748008141931387,-0.9328430889145253,1.8514341700963528
0,0.6399472601593604,1.036106666589627,0.2530362524198983,0.7190857419965673,0.9829083407992584,-0.34173998369131775,1.108757136978123,0.4900301199411269
0,-0.5479185907225461,-0.12188771051207764,1.0802002507534205,-0.09637905219854027,-0.07640496177875487,-0.8621088896573814,-0.4798252873111269,-1.0415494364835023
0,-0.2509521280020695,-1.1546935063054897,0.149640752628208,0.7190857419965673,-0.6928905722954675,0.6609220546335364,-0.6187507464695023,-0.445935164540591
1,0.6399472601593604,-3.78365371377963,-0.057150246955172554,1.2836382918239493,-0.6928905722954675,0.8893766962771736,0.7705038451142523,0.6602056262105301
0,0.9369137228798371,-0.8417220530347589,-0.2639412465385531,0.2799893143530478,-0.006941794396590078,0.16593699773898754,0.8037251505651681,0.6602056262105301
0,-0.2509521280020695,-0.7791277623806127,0.45982725200327884,1.1581821696400867,-0.6928905722954675,0.6736139791692933,-0.7063341881128261,0.5751178730758285
0,1.8278131110412668,-1.4363678142491476,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,0.16593699773898754,-0.6308312211789263,0.40494236680642526
1,-1.1418515161634994,1.8498324450935275,1.0802002507534205,0.34271737544497916,0.08857006075388653,0.5720785828832325,-0.4768051686337709,0.14967910740232038
0,-0.8448850534430228,0.2849751787398726,-0.47073224612193365,0.15453319216918512,0.7832017345755345,-0.4305834554416212,0.6647996914067926,-1.0415494364835023
0,-0.5479185907225461,-1.1546935063054897,-0.9877097450803851,0.15453319216918512,-0.03299048216490188,-0.20212881379798395,1.4983524463570455,-1.0415494364835023
0,1.2338801856003137,-0.027996274530858355,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,-0.8874927387288966,-0.1898938942849521,2.6172239483086677
1,2.42174603648222,-1.1546935063054897,0.149640752628208,0.6563576809046359,-0.6928905722954675,-0.29097228554828736,-0.5281471861488227,1.0856443918840382
0,-1.1418515161634994,0.5666494866835304,-0.3673367463302434,-0.22183517438240297,1.1305175714863585,-1.2555585502658682,-0.7999578671108617,-1.0415494364835023
0,1.5308466483207903,-0.9356134890159782,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.9890281350149578,-0.8210986978523536,2.106697429500458
0,-0.5479185907225461,-0.9356134890159782,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-0.5955784744064706,0.16043987228834272,-0.9564616833488008
0,-0.2509521280020695,-0.6852363263993934,-0.7809187454970045,-0.09637905219854027,0.053838477062804126,-0.8113411915143505,-0.9600241570107292,-0.7862861770793975
1,-0.2509521280020695,1.3177809745332847,0.046245252836517724,-0.1591071132904716,0.21881349959544552,-0.049825719368891866,-0.6157306277921464,-0.445935164540591
1,1.5308466483207903,0.754432358645969,0.9768047509617303,0.84454186418043,0.7397872549616815,-0.21482073833374132,0.9033890669179159,1.6812586638269496
0,0.9369137228798371,0.12848945210450713,0.87340925117004,-1.2882122129452358,-0.6928905722954675,0.7116897527765668,-0.5070063554073309,1.5110831575575463
0,2.718712499202697,-1.4050706689220747,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,0.10247737506019933,-0.8815010713994734,0.6602056262105301
0,0.6399472601593604,0.2536780334127995,1.0802002507534205,-0.8491157853017165,2.137733498527748,-1.5728566636598091,0.3325866368976339,2.276872935769861
0,-0.5479185907225461,-1.6554478315386594,0.046245252836517724,0.7190857419965673,-0.11981944139260788,-0.8874927387288966,-0.8603602406579814,-0.7011984239446959
0,-0.2509521280020695,0.09719230677743403,0.5632227517949692,0.7818138030884986,0.43588589766471053,0.15324507320323064,-0.5039862367299749,-0.6161106708099943
0,0.6399472601593604,-0.21577914649329694,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.8543200033032695,-0.6161106708099943
1,1.5308466483207903,0.2849751787398726,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.2801643185608071,0.5439949443125532,1.0005566387493365
0,-0.2509521280020695,0.12848945210450713,-0.5741277459136239,-1.2882122129452358,-0.6928905722954675,-0.049825719368891866,-0.9690845130427972,-0.7862861770793975
0,-0.2509521280020695,-1.0608020703242704,-0.47073224612193365,-0.1591071132904716,-0.6928905722954675,-1.2936343238731411,-0.0841897405774924,-1.0415494364835023
0,-0.8448850534430228,-0.7478306170535396,-0.2639412465385531,-0.09637905219854027,0.019106893371721723,-1.7505436071604163,-0.5221069487941108,-1.0415494364835023
0,-0.2509521280020695,-0.15318485583915073,0.2530362524198983,-0.3472912965662657,0.21881349959544552,-0.7224977197640471,-1.1019697348464605,-0.7862861770793975
0,-1.1418515161634994,-0.12188771051207764,-0.16054574674686284,0.6563576809046359,0.9394938611854053,-0.1513611156549531,0.063796074612951,-0.9564616833488008
0,-1.1418515161634994,-0.30967058247451623,-0.21224349664270797,-1.2882122129452358,-0.6928905722954675,-0.938260436871927,0.5681558937314012,-0.19067190513648613
0,-0.5479185907225461,0.034598016123287834,-0.47073224612193365,-0.1591071132904716,0.22749639551821613,-0.27828036101252956,0.7403026583406923,-0.9564616833488008
0,-1.1418515161634994,-0.4348591637828086,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,1.6889679420299049,0.646678979342657,-0.7862861770793975
0,-0.8448850534430228,-1.0920992156513436,-0.16054574674686284,1.9736469638351941,-0.12850233731537847,1.1812909605995991,1.3443263938118903,-0.3608474114058894
0,0.6399472601593604,-0.9356134890159782,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.27828036101252956,0.08795702403179893,-0.19067190513648613
0,-0.8448850534430228,-1.3737735235950015,-0.6775232457053142,0.5936296198127046,-0.2066484006203139,0.16593699773898754,2.3530460320487903,-0.7862861770793975
1,0.04601433471840714,0.3475694693940188,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.11516929959595715,-0.5130465927620428,-0.8713739302140991
0,-1.1418515161634994,-0.4974534544369548,1.0802002507534205,-1.2882122129452358,-0.6928905722954675,-0.30366421008404476,-0.8301590538844216,1.0856443918840382
0,-1.1418515161634994,-1.9997164301364634,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-1.3063262484088989,0.7946647945331002,2.8724872077127723
0,-1.1418515161634994,0.1910837427586533,0.5632227517949692,1.032726047456224,1.1305175714863585,0.5466947338117168,1.0030529832706636,-0.8713739302140991
1,-0.2509521280020695,0.2536780334127995,1.183595750545111,1.7854627805594,0.6529582957339756,0.5593866583474747,1.4983524463570455,-0.1055841520017845
1,1.2338801856003137,-0.6539391810723203,0.2530362524198983,1.220910230732018,1.1739320511002114,0.940144394420204,0.5711760124087571,0.8303811324799334
1,-0.2509521280020695,0.22238088808572642,0.149640752628208,0.2799893143530478,0.9568596530309466,0.05170967691716893,0.2329227205448865,-0.5310229176752926
1,1.8278131110412668,-0.9669106343430512,0.8217115012741948,0.7190857419965673,-0.6928905722954675,0.36900779031111003,1.066475475495139,1.9365219232310544
0,0.04601433471840714,-1.1546935063054897,1.0802002507534205,0.15453319216918512,-0.2066484006203139,0.9528363189559619,-0.9449235636239492,-0.7011984239446959
0,-0.8448850534430228,-1.0295049249971975,0.45982725200327884,0.5309015587207732,-0.03299048216490188,0.0009419787741385332,-0.32277911608861554,-0.3608474114058894
1,1.2338801856003137,2.037615317055966,1.0802002507534205,0.9072699252723613,1.2607610103279174,0.31824009216807964,-0.14761223280196822,0.31985461367172363
1,0.34298079743888377,2.068912462383039,0.35643175221158857,0.4054454365369105,1.1044688837180467,1.4732052249220255,1.6976802790625412,1.6812586638269496
0,0.04601433471840714,0.3162723240669457,-0.057150246955172554,0.029077069985322418,0.7484701508844521,0.1405531486674728,-0.9419034449465933,-0.445935164540591
0,-0.8448850534430228,1.3490781198603579,0.6666182515866594,1.409094414007812,-0.11113654546983728,0.10247737506019933,-0.39526196434515914,1.4259954044228447
0,0.04601433471840714,2.1315067530371854,2.1141552486703232,0.6563576809046359,-0.6928905722954675,-0.44327537997737904,0.628558267278521,0.31985461367172363
0,-0.8448850534430228,-0.15318485583915073,0.046245252836517724,0.46817349762884186,-0.6928905722954675,-0.5828865498707133,-0.8090182231429296,-1.0415494364835023
0,-0.2509521280020695,-1.1546935063054897,-0.057150246955172554,0.5936296198127046,0.22749639551821613,-0.011749945761619291,0.3597677049938378,-0.7011984239446959
0,0.6399472601593604,-0.21577914649329694,0.9768047509617303,-1.2882122129452358,-0.6928905722954675,-0.5321188517276825,-0.6791531200166222,2.787399454578071
0,-0.8448850534430228,-1.0295049249971975,-0.3673367463302434,0.21726125326111648,-0.3108431516935611,-0.26558843647677216,-0.15063235147932422,-0.8713739302140991
0,-0.8448850534430228,-1.1546935063054897,-0.2639412465385531,0.15453319216918512,0.30564245882315155,0.6228462810262629,-0.0026465362888808035,-0.445935164540591
0,0.9369137228798371,0.09719230677743403,0.046245252836517724,0.7818138030884986,1.1739320511002114,-0.8240331160501083,-0.9388833262692372,0.31985461367172363
0,-0.8448850534430228,-0.7478306170535396,0.046245252836517724,1.220910230732018,-0.6928905722954675,0.775149375455355,-0.7667365616599457,-0.27575965827118776
0,1.2338801856003137,-0.3409677278015893,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,-0.5321188517276825,-0.7093543067901821,2.106697429500458
0,2.1247795737617436,-0.560047745091101,-0.057150246955172554,1.220910230732018,-0.6928905722954675,1.8031952628517243,-1.0445874799766968,0.7452933793452318
0,2.1247795737617436,-1.1233963609784168,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.24020458740525652,-0.5190868301167548,0.14967910740232038
1,0.6399472601593604,0.12848945210450713,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.22939662041777578,-1.0596880733634768,1.7663464169616512
1,-1.1418515161634994,2.4131810609808433,-0.16054574674686284,0.7190857419965673,1.6862229105436768,1.1812909605995991,0.09097714270915493,-0.445935164540591
0,-0.8448850534430228,-1.0608020703242704,-0.057150246955172554,0.84454186418043,-0.02430758624213128,0.7116897527765668,-0.21405484370379985,-0.7862861770793975
0,0.6399472601593604,-0.6852363263993934,-0.47073224612193365,-0.09637905219854027,-0.22401419246585508,-0.6463461725495016,0.07587654932237496,-0.1055841520017845
0,-1.1418515161634994,-0.9356134890159782,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,0.05170967691716893,0.38996889176739774,-0.5310229176752926
0,-0.5479185907225461,-0.8104249077076857,-0.7809187454970045,-0.410019357658197,0.07120426890834532,-0.7478815688355623,0.8339263373387281,-0.9564616833488008
0,-0.8448850534430228,-0.6852363263993934,0.149640752628208,0.5936296198127046,-0.5365984456855967,0.8386089981341432,-0.18083353825288412,-1.0415494364835023
0,0.6399472601593604,-0.904316343688905,-0.3673367463302434,0.7190857419965673,0.4011543139736281,0.0009419787741385332,-1.1684123457482922,1.0856443918840382
0,0.04601433471840714,1.036106666589627,0.149640752628208,0.5309015587207732,0.4011543139736281,-0.08790149297616488,-0.40432232037722715,0.31985461367172363
1,-1.1418515161634994,0.0033008707962147404,-0.16054574674686284,0.5936296198127046,0.7397872549616815,0.292856243096564,-0.8120383418202856,-0.020496398867082873
0,-0.2509521280020695,-1.3424763782679283,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.06440160145292675,-0.6096903904374343,0.4900301199411269
0,-0.5479185907225461,0.2849751787398726,1.3903867501284914,-1.2882122129452358,-0.6928905722954675,-1.19209892758708,-0.6157306277921464,-1.0415494364835023
0,-0.2509521280020695,-0.30967058247451623,-0.5741277459136239,0.6563576809046359,-0.3108431516935611,-0.31635613461980255,-0.12647140206047627,-0.9564616833488008
0,-0.5479185907225461,-0.7165334717264664,-0.47073224612193365,-0.22183517438240297,0.3490569384370045,0.3436239412395953,-0.8271389352070656,-0.9564616833488008
0,-0.8448850534430228,0.6918380679918229,0.87340925117004,0.5936296198127046,2.1724650822188303,-0.24020458740525652,1.2688234268779905,-0.8713739302140991
0,-0.8448850534430228,-0.059293419857931455,-1.2978962444554558,1.6600066583755375,-0.14586812916091968,0.44515933752565606,-0.5794892036638745,-0.7011984239446959
0,0.6399472601593604,-0.4035620184557355,-1.2978962444554558,-0.03365099110660893,0.43588589766471053,-1.014411984086473,1.030234051366867,0.14967910740232038
1,-0.5479185907225461,-0.09059056518500455,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,1.3843617531717216,0.6678198100841486,-1.0415494364835023
0,1.8278131110412668,0.3788666147210919,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.6336542480137437,-0.6851933573713341,0.234766860537022
1,-0.5479185907225461,2.38188391565377,0.046245252836517724,4.921865835155968,-0.6928905722954675,0.3436239412395953,0.3114458061561419,2.4470484420392644
1,-1.1418515161634994,0.9422152306084076,1.0802002507534205,1.597278597283606,-0.6928905722954675,1.2828263568856608,-0.3046584040244796,-1.0415494364835023
0,0.6399472601593604,-0.3722648731286624,-0.47073224612193365,0.4054454365369105,-0.6928905722954675,-0.8874927387288966,-0.8029779857882177,-0.5310229176752926
0,2.42174603648222,0.0033008707962147404,0.45982725200327884,-0.22183517438240297,-0.6928905722954675,-0.697113870692532,-0.6429116958883503,2.4470484420392644
0,1.2338801856003137,-0.6539391810723203,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.8513009226699011,-0.8512998846259134,0.7452933793452318
1,1.2338801856003137,0.09719230677743403,0.35643175221158857,0.21726125326111648,4.516846981366893,-0.41789153090586384,0.6496990980200129,1.596170910692248
0,-0.8448850534430228,-0.873019198361832,-0.6775232457053142,-0.5982035409339911,-0.6928905722954675,-1.2047908521228377,-0.16573294486610415,-0.9564616833488008
1,1.2338801856003137,0.6918380679918229,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,0.36900779031111003,-1.0355271239446289,0.6602056262105301
0,0.6399472601593604,-0.560047745091101,-0.16054574674686284,-1.2882122129452358,-0.6928905722954675,-0.9763362104791999,-0.6731128826619102,-0.3608474114058894
1,-0.2509521280020695,1.724643863785235,0.87340925117004,0.4054454365369105,0.6616411916567462,0.16593699773898754,2.060094520345259,1.596170910692248
0,-1.1418515161634994,-1.498962104903294,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-1.3824777956234444,-0.3922418456678032,-0.7011984239446959
1,2.1247795737617436,-0.30967058247451623,0.7700137513783497,1.220910230732018,-0.6928905722954675,1.8793468100662696,1.3684873432307383,1.0005566387493365
0,-0.5479185907225461,-0.2783734371474431,0.45982725200327884,1.8481908416513315,0.5227148568924165,0.940144394420204,-0.8966016647862534,-0.7862861770793975
1,-0.2509521280020695,0.3475694693940188,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,0.3055481676323218,-0.21103472502644385,0.915468885614635
0,-0.5479185907225461,-1.217287796959636,-0.8843142452886948,0.09180513107725377,0.30564245882315155,-0.44327537997737904,3.7060591995042738,-0.7011984239446959
0,0.6399472601593604,0.06589516145036094,0.149640752628208,1.5345505361916747,1.3041754899417703,0.20401277134626103,0.7886245571783882,0.06459135426761875
1,-1.1418515161634994,2.100209607710112,0.6666182515866594,-0.410019357658197,0.9134451734170935,0.0009419787741385332,0.634598504633233,-0.9564616833488008
0,-1.1418515161634994,-1.6867449768657325,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,1.6889679420299049,-0.8392194099164896,1.0856443918840382
0,-0.8448850534430228,-0.9982077796701243,-2.3318512423723585,-0.09637905219854027,-0.4758181742262025,-0.5321188517276825,0.2631239073184464,-1.0415494364835023
1,-0.8448850534430228,1.6307524278040157,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,0.6101543564905051,-1.1593519897162243,0.40494236680642526
0,-0.8448850534430228,-0.3722648731286624,-1.6080827438305267,-0.1591071132904716,0.3490569384370045,-1.1286393049082917,-0.19593413163966408,-0.6161106708099943
0,-0.8448850534430228,-0.4035620184557355,0.9768047509617303,-0.09637905219854027,-0.6928905722954675,-0.6209623234779859,-0.21707496238115584,-0.7862861770793975
0,0.6399472601593604,-0.7791277623806127,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-1.052487757693746,-0.8512998846259134,-0.445935164540591
0,-0.8448850534430228,0.09719230677743403,0.2530362524198983,0.9699979863642927,-0.6928905722954675,-0.5321188517276825,-1.1231105655879523,-0.27575965827118776
1,0.9369137228798371,0.9109180852813346,0.45982725200327884,0.5309015587207732,0.4011543139736281,0.4070835639183835,0.6647996914067926,1.7663464169616512
1,0.04601433471840714,1.9437238810747468,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.45596730451313683,-0.7848572737240816,0.234766860537022
0,-0.8448850534430228,0.09719230677743403,-0.47073224612193365,0.7190857419965673,-0.6928905722954675,0.48323511113292866,0.12721856683742683,-1.0415494364835023
1,-0.8448850534430228,1.8811295904206005,0.45982725200327884,1.3463663529158807,1.8511979330763182,1.0162959416347501,2.3741868627902822,-0.9564616833488008
0,-0.8448850534430228,-0.904316343688905,-0.3673367463302434,0.2799893143530478,-0.3368918394618729,-1.585548588195567,0.0305747691620351,-0.7011984239446959
0,-1.1418515161634994,0.9735123759354807,0.6666182515866594,1.1581821696400867,1.6688571186981356,1.2066748096711146,-0.6096903904374343,-0.5310229176752926
0,-0.8448850534430228,-0.30967058247451623,-0.3673367463302434,-0.4727474187501284,0.8873964856487817,-1.014411984086473,-1.008346055848425,-0.8713739302140991
0,-0.2509521280020695,-0.4661563091098817,-0.7809187454970045,0.029077069985322418,0.6790069835022874,-0.13866919111919573,-0.5432477795356028,-0.7862861770793975
1,-0.2509521280020695,1.662049573131089,-0.5741277459136239,0.09180513107725377,0.991591236722029,0.11516929959595715,0.3658079423485498,0.234766860537022
1,0.9369137228798371,1.4742667011686503,0.9768047509617303,1.3463663529158807,2.094319018913895,0.7878412999911129,0.9517109657556118,0.5751178730758285
0,0.6399472601593604,-0.4974534544369548,0.5632227517949692,0.46817349762884186,-0.6928905722954675,0.06440160145292675,1.2265417653950066,-0.6161106708099943
1,2.1247795737617436,0.5353523413564574,0.2530362524198983,0.34271737544497916,0.5574464405834989,0.5213108847402022,0.25708366996373444,1.4259954044228447
0,-0.2509521280020695,-0.4661563091098817,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-0.7859573424428353,-0.7999578671108617,-0.5310229176752926
0,0.6399472601593604,-0.12188771051207764,1.3903867501284914,-1.2882122129452358,-0.6928905722954675,-0.41789153090586384,-0.9509638009786612,-0.27575965827118776
0,-0.5479185907225461,-1.6554478315386594,-0.3673367463302434,-0.4727474187501284,-0.5626471334539085,-1.509397040981021,-0.6489519332430622,-0.8713739302140991
1,1.5308466483207903,-0.2783734371474431,0.6666182515866594,0.21726125326111648,-0.6928905722954675,-0.481351153584652,2.4466697110468263,1.4259954044228447
1,-1.1418515161634994,-0.059293419857931455,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.05170967691716893,-0.9992856998163571,-0.7862861770793975
0,-0.5479185907225461,-0.2783734371474431,0.87340925117004,1.3463663529158807,0.6963727753478285,0.8132251490626276,-0.6821732386939782,-0.445935164540591
0,-0.5479185907225461,-0.904316343688905,0.35643175221158857,-0.03365099110660893,-0.6928905722954675,-0.9890281350149578,3.703039080826917,-0.445935164540591
0,0.6399472601593604,1.9437238810747468,1.286991250336801,-1.2882122129452358,-0.6928905722954675,1.117831337920811,2.9872709542935483,1.0005566387493365
0,-1.1418515161634994,-0.8417220530347589,0.046245252836517724,0.4054454365369105,0.30564245882315155,1.4605133003862676,-0.37714125228102335,-1.0415494364835023
0,-0.5479185907225461,-0.4035620184557355,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-0.1513611156549531,-0.9479436823013052,-1.0415494364835023
0,0.04601433471840714,-0.9669106343430512,0.9768047509617303,1.6600066583755375,-0.22401419246585508,0.7243816773123246,-0.3318394721206835,-0.3608474114058894
0,-1.1418515161634994,0.12848945210450713,-0.057150246955172554,-1.2882122129452358,-0.6928905722954675,-0.9255685123361695,-0.8029779857882177,-1.0415494364835023
0,-1.1418515161634994,0.3475694693940188,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.05170967691716893,-0.2382157931226478,-1.0415494364835023
0,0.34298079743888377,0.22238088808572642,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,0.3309320167038375,-0.9902253437842891,1.0005566387493365
0,0.04601433471840714,-0.8417220530347589,-0.21224349664270797,0.09180513107725377,-0.6928905722954675,-0.9255685123361695,-0.9781448690748651,-1.0415494364835023
1,0.9369137228798371,-0.21577914649329694,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-0.5828865498707133,0.7856044385010322,0.06459135426761875
0,-1.1418515161634994,-0.5913448904181741,0.45982725200327884,1.220910230732018,0.08857006075388653,0.31824009216807964,-0.7063341881128261,-0.7862861770793975
0,-0.5479185907225461,-0.30967058247451623,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-0.7351896442998049,-0.38922172699044716,-0.8713739302140991
0,-0.8448850534430228,0.22238088808572642,0.6666182515866594,-0.22183517438240297,0.8960793815715523,-0.5701946253349555,-1.0778087854276126,-0.9564616833488008
0,1.8278131110412668,-0.904316343688905,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-0.7732654179070779,-0.9207626142051013,-0.19067190513648613
1,2.718712499202697,-0.5287505997640279,0.149640752628208,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,-0.020767248353016583,0.40494236680642526
0,0.34298079743888377,-0.5287505997640279,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.405199606370106,-0.9630442756880851,1.2558198981534414
0,-0.5479185907225461,-0.8417220530347589,0.35643175221158857,-0.1591071132904716,-0.11981944139260788,-0.049825719368891866,0.5349345882804853,-0.8713739302140991
1,0.9369137228798371,-0.7478306170535396,0.35643175221158857,0.7190857419965673,0.09725295667665712,1.1305232624565686,1.2054009346535146,-0.1055841520017845
0,-0.8448850534430228,-0.6539391810723203,0.2530362524198983,-0.5354754798420597,-0.29347735984801987,-1.585548588195567,-0.9751247503975091,-0.445935164540591
0,-1.1418515161634994,-0.5913448904181741,0.87340925117004,-0.22183517438240297,0.21881349959544552,-0.34173998369131775,0.6738600474388605,-0.5310229176752926
0,0.04601433471840714,0.22238088808572642,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,0.292856243096564,-0.5100264740846868,-0.7862861770793975
1,0.6399472601593604,0.8170266493001153,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.31635613461980255,-0.8875413087541854,1.4259954044228447
0,0.04601433471840714,-0.9669106343430512,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.5067350026561672,0.41714995986360165,-0.19067190513648613
0,-0.2509521280020695,-0.560047745091101,0.149640752628208,0.5936296198127046,0.6269096079656638,-0.5575027007991976,0.7795642011463203,-0.5310229176752926
0,-0.5479185907225461,1.129998102570846,0.2530362524198983,0.9072699252723613,3.1275836337235963,0.940144394420204,-1.0204265305578488,-0.27575965827118776
1,-0.8448850534430228,1.4429695558415772,0.2530362524198983,-0.22183517438240297,0.5574464405834989,-1.0905635313010191,-0.07512938454542442,-0.020496398867082873
1,-1.1418515161634994,1.8185352997664543,-0.9877097450803851,0.9699979863642927,0.6876898794250579,0.7370736018480816,-0.05096843512657649,-0.9564616833488008
1,2.1247795737617436,0.4727580507023112,0.7700137513783497,0.9072699252723613,0.43588589766471053,-0.46865922904889423,-0.6398915772109943,0.7452933793452318
0,-1.1418515161634994,-0.4348591637828086,-0.47073224612193365,0.2799893143530478,-0.6928905722954675,-0.7098057952282897,-1.0234466492352048,-0.8713739302140991
0,-0.8448850534430228,-0.9356134890159782,-0.7809187454970045,0.2799893143530478,0.17539901998159252,-0.8621088896573814,-0.71841466282225,-0.8713739302140991
0,-0.8448850534430228,-0.12188771051207764,-0.47073224612193365,0.15453319216918512,0.22749639551821613,0.22939662041777578,-0.01774712967566059,-0.5310229176752926
0,0.34298079743888377,0.06589516145036094,0.2530362524198983,1.220910230732018,-0.02430758624213128,0.26747239402504924,-0.6127105091147903,-0.445935164540591
0,-0.5479185907225461,-0.027996274530858355,-0.7809187454970045,-1.2882122129452358,-0.6928905722954675,-0.6590380970852588,-0.05096843512657649,-0.5310229176752926
0,-0.8448850534430228,-0.4661563091098817,0.046245252836517724,0.46817349762884186,0.4793003772785635,0.2801643185608071,-0.9962655811390011,-0.9564616833488008
1,-0.5479185907225461,1.0674038119167,-0.8843142452886948,0.4054454365369105,3.9958732260006564,0.8513009226699011,-0.7002939507581141,-0.7011984239446959
0,-0.5479185907225461,-0.6226420357452472,-0.5741277459136239,0.9072699252723613,0.08857006075388653,-1.2936343238731411,-0.9570040383333732,-0.9564616833488008
0,-0.8448850534430228,-0.027996274530858355,0.5632227517949692,1.722734719467469,1.0436886122586526,0.8766847717414158,2.0842554697641074,0.6602056262105301
0,2.1247795737617436,0.1910837427586533,1.9073642490869427,-1.2882122129452358,-0.6928905722954675,0.8893766962771736,-0.8512998846259134,1.5110831575575463
1,-0.2509521280020695,-1.2798820876137822,0.6666182515866594,0.6563576809046359,-0.08508785770152548,0.2801643185608071,2.476870897820386,-0.5310229176752926
0,1.8278131110412668,1.2864838292062117,0.7700137513783497,-1.2882122129452358,-0.6928905722954675,-0.5448107762634402,-0.8754608340447614,1.7663464169616512
1,-0.8448850534430228,2.4444782063079162,0.35643175221158857,1.409094414007812,-0.6928905722954675,1.3843617531717216,2.7849230029106966,-0.9564616833488008
1,1.2338801856003137,1.4429695558415772,1.9073642490869427,1.597278597283606,1.312858385864541,0.7116897527765668,-0.9268028515598132,0.8303811324799334
1,1.5308466483207903,0.754432358645969,0.5632227517949692,1.597278597283606,0.43588589766471053,0.7497655263838393,0.4986931641522134,0.5751178730758285
1,0.6399472601593604,-0.18448200116622385,-0.47073224612193365,1.1581821696400867,-0.6928905722954675,0.21670469588201885,-0.6851933573713341,0.5751178730758285
0,-0.8448850534430228,-0.2783734371474431,0.5632227517949692,1.5345505361916747,0.45325168951025174,0.35631586577535224,-0.7697566803373017,-0.7862861770793975
1,0.04601433471840714,0.754432358645969,0.6666182515866594,-0.1591071132904716,-0.6928905722954675,0.06440160145292675,-0.715394544144894,3.1277504671168774
1,1.8278131110412668,-0.30967058247451623,0.046245252836517724,0.4054454365369105,-0.6928905722954675,-0.5701946253349555,-0.9992856998163571,0.5751178730758285
0,0.6399472601593604,-0.7165334717264664,-0.5741277459136239,0.7818138030884986,0.9568596530309466,0.2547804694892914,-0.12647140206047627,0.8303811324799334
0,1.5308466483207903,1.036106666589627,0.45982725200327884,0.5936296198127046,0.17539901998159252,-0.13866919111919573,-0.9298229702371693,1.0005566387493365
0,0.6399472601593604,1.380375265187431,-0.057150246955172554,0.34271737544497916,0.7658359427299933,0.20401277134626103,0.4805724520880775,1.340907651288143
0,-0.8448850534430228,-0.6852363263993934,-0.5741277459136239,-0.6609316020259224,-0.6928905722954675,-0.8367250405858662,0.23896295789959848,-1.0415494364835023
0,1.8278131110412668,-1.6554478315386594,1.9073642490869427,0.15453319216918512,-0.2674286720797081,0.44515933752565606,-0.5643886102770946,1.1707321450187398
0,-0.2509521280020695,0.06589516145036094,1.597177749711872,0.9072699252723613,1.3910044491694764,3.211998886320822,1.2325820027497185,-0.9564616833488008
0,1.2338801856003137,-0.9356134890159782,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,0.4578512620614139,0.34768723028441384,2.957574960847474
1,0.6399472601593604,2.319289624999624,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-0.13866919111919573,-0.434523507150787,-0.19067190513648613
1,1.5308466483207903,1.0987009572437731,0.87340925117004,-1.2882122129452358,-0.6928905722954675,-0.9128765878004118,-0.7304951375316739,1.6812586638269496
0,-1.1418515161634994,-0.873019198361832,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,0.4197754884541404,-0.6308312211789263,-0.7011984239446959
1,-0.2509521280020695,0.0033008707962147404,-0.8843142452886948,-1.2882122129452358,-0.6928905722954675,0.5086189602044443,-1.0415673612993408,-0.7011984239446959
0,-0.5479185907225461,-0.6226420357452472,-0.5741277459136239,-0.22183517438240297,1.6080768472387414,-0.9890281350149578,0.4292304345730256,-0.8713739302140991
0,-0.5479185907225461,-2.0310135754635366,-0.6775232457053142,0.46817349762884186,-0.3021602557707905,-0.9890281350149578,-0.42244303244136305,-0.9564616833488008
1,-1.1418515161634994,1.2864838292062117,0.35643175221158857,0.9699979863642927,-0.6928905722954675,2.234720697067484,-0.3257992347659715,-0.6161106708099943
0,-1.1418515161634994,-0.8104249077076857,-0.2639412465385531,1.1581821696400867,0.21881349959544552,1.6001244702796018,-0.31975899741125957,-0.9564616833488008
1,0.04601433471840714,0.12848945210450713,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,0.03901775238141111,0.19366117773925862,-0.5310229176752926
0,0.34298079743888377,0.4727580507023112,0.6666182515866594,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,0.5077535201842813,3.0426627139821756
0,-0.5479185907225461,0.2536780334127995,0.2530362524198983,0.34271737544497916,1.0871030918725055,0.15324507320323064,0.3597677049938378,-0.7011984239446959
0,-0.2509521280020695,0.2849751787398726,-0.2639412465385531,-1.2882122129452358,-0.6928905722954675,-1.1286393049082917,-0.4768051686337709,-0.9564616833488008
0,-0.8448850534430228,-0.4348591637828086,-0.9877097450803851,-0.09637905219854027,-0.6928905722954675,-0.46865922904889423,-0.8784809527221175,-0.3608474114058894
0,-0.8448850534430228,0.5979466320106036,0.2530362524198983,0.34271737544497916,0.8700306938032405,-1.0017200595507152,1.075535831527207,-0.8713739302140991
1,-0.8448850534430228,0.723135213318896,0.6666182515866594,1.597278597283606,0.8700306938032405,1.7905033383159665,-0.4133826764092951,1.0856443918840382
0,1.2338801856003137,-0.4348591637828086,0.5632227517949692,-1.2882122129452358,-0.6928905722954675,-0.938260436871927,1.160099154493175,0.06459135426761875
1,2.718712499202697,1.1612952478979193,2.320946248253704,-1.2882122129452358,-0.6928905722954675,1.3082102059571756,-0.6489519332430622,0.915468885614635
0,-0.5479185907225461,0.0033008707962147404,0.046245252836517724,0.7190857419965673,0.13198454036773952,0.9020686208129315,1.2507027148138545,-0.8713739302140991
1,0.9369137228798371,0.2536780334127995,-0.057150246955172554,1.7854627805594,0.39247141805085756,0.8259170735983854,-0.09929033396427235,0.8303811324799334
0,-0.5479185907225461,-0.9669106343430512,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-1.0778716067652612,-0.8482797659485575,-0.7011984239446959
1,0.9369137228798371,0.6605409226647497,1.0802002507534205,0.21726125326111648,3.4748994706344205,-0.20212881379798395,-1.0385472426219848,0.8303811324799334
1,-0.2509521280020695,1.5055638464957233,0.2530362524198983,-0.09637905219854027,0.39247141805085756,-0.26558843647677216,-0.6157306277921464,-0.19067190513648613
0,-1.1418515161634994,-0.6852363263993934,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-0.8874927387288966,-0.6610324079524862,-0.9564616833488008
0,0.04601433471840714,0.1910837427586533,0.9768047509617303,-0.5982035409339911,0.6529582957339756,0.31824009216807964,0.38090853573532973,-0.445935164540591
0,0.04601433471840714,-0.09059056518500455,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,1.587432545743844,1.3050648510062623,-0.6161106708099943
0,-0.5479185907225461,0.034598016123287834,0.35643175221158857,0.4054454365369105,1.0436886122586526,0.49592703566868646,0.03359488783939109,-0.6161106708099943
1,0.6399472601593604,0.12848945210450713,0.45982725200327884,0.6563576809046359,-0.6928905722954675,-0.5575027007991976,0.28124461938258205,1.340907651288143
1,-0.8448850534430228,1.4742667011686503,0.9768047509617303,0.5309015587207732,-0.6928905722954675,0.3816997148468679,1.3080849696836183,1.596170910692248
0,-0.5479185907225461,0.2536780334127995,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,0.8259170735983854,-0.5070063554073309,0.6602056262105301
0,0.04601433471840714,-0.3409677278015893,0.35643175221158857,-0.03365099110660893,0.17539901998159252,-0.45596730451313683,-1.0687484293955447,-0.5310229176752926
0,0.6399472601593604,-1.2798820876137822,0.5632227517949692,0.9699979863642927,-0.6928905722954675,0.9909120925632344,-0.8905614274315414,-0.445935164540591
1,1.8278131110412668,-0.18448200116622385,-3.572597239872642,-1.2882122129452358,-0.6928905722954675,-4.060473872668307,-0.6368714585336382,-0.27575965827118776
0,-0.5479185907225461,0.1910837427586533,-1.1945007446637657,0.029077069985322418,2.2158795618326836,0.3055481676323218,-0.8935815461088974,-0.9564616833488008
1,1.5308466483207903,1.3490781198603579,0.45982725200327884,-1.2882122129452358,-0.6928905722954675,0.10247737506019933,-0.9781448690748651,1.0005566387493365
1,-0.5479185907225461,-0.873019198361832,-0.2639412465385531,0.7190857419965673,0.6963727753478285,0.7624574509195972,0.610437555214385,-0.8713739302140991
0,-0.2509521280020695,1.1612952478979193,-0.2639412465385531,-0.4727474187501284,2.6673901498167547,-0.10059341751192272,-0.5341874235035348,-0.7862861770793975
0,0.34298079743888377,0.15978659743158022,0.45982725200327884,0.4054454365369105,-0.5018668619945142,-0.30366421008404476,-0.09929033396427235,0.5751178730758285
1,1.8278131110412668,0.2536780334127995,-0.3673367463302434,0.9699979863642927,-0.6928905722954675,1.168599036063842,-0.09325009660956037,0.40494236680642526
0,-1.1418515161634994,0.410163760048165,-0.5741277459136239,-0.03365099110660893,1.833832141230777,-0.7098057952282897,-0.3620406588942434,-1.0415494364835023
0,-0.2509521280020695,-0.5913448904181741,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,-0.31635613461980255,-1.0596880733634768,-0.1055841520017845
1,0.9369137228798371,2.068912462383039,-0.9877097450803851,0.7818138030884986,2.7108046294306076,0.2420885449535336,1.069495594172495,0.06459135426761875
1,-0.2509521280020695,1.6307524278040157,0.45982725200327884,1.1581821696400867,0.9134451734170935,0.22939662041777578,1.5043926837117574,-0.19067190513648613
0,1.8278131110412668,-0.8417220530347589,0.149640752628208,-0.1591071132904716,-0.6928905722954675,-1.1286393049082917,0.3718481797032618,1.9365219232310544
0,-0.8448850534430228,-0.4035620184557355,-0.47073224612193365,1.597278597283606,0.8526649019576994,0.44515933752565606,-0.17177318222081614,-0.7862861770793975
1,0.34298079743888377,-0.7478306170535396,0.35643175221158857,0.4054454365369105,-0.6928905722954675,0.4578512620614139,-0.28351757328298766,1.596170910692248
0,0.04601433471840714,-1.185990651632563,0.87340925117004,-0.09637905219854027,-0.6928905722954675,-0.34173998369131775,-0.4677448126017029,0.06459135426761875
0,-0.8448850534430228,-0.21577914649329694,-0.16054574674686284,0.9699979863642927,1.0436886122586526,0.775149375455355,-0.5523081355676707,-1.0415494364835023
1,-0.8448850534430228,0.8796209399542614,-0.057150246955172554,0.5309015587207732,0.4098372098963987,-0.34173998369131775,-0.37110101492631137,0.7452933793452318
0,0.34298079743888377,-0.12188771051207764,0.87340925117004,0.5936296198127046,0.21881349959544552,0.9020686208129315,-0.6670726453071982,0.7452933793452318
0,-0.8448850534430228,-0.30967058247451623,1.286991250336801,-1.2882122129452358,-0.6928905722954675,0.10247737506019933,-0.6247909838242143,1.0005566387493365
0,0.04601433471840714,-0.2783734371474431,0.45982725200327884,1.220910230732018,-0.6928905722954675,0.940144394420204,-0.712374425467538,0.40494236680642526
0,-0.8448850534430228,-0.15318485583915073,0.45982725200327884,0.5309015587207732,0.8700306938032405,0.5213108847402022,0.07285643064501898,-0.7011984239446959
0,-1.1418515161634994,0.6292437773376767,0.7700137513783497,0.34271737544497916,-0.6928905722954675,0.05170967691716893,-0.1174110460284083,-0.9564616833488008
0,-0.5479185907225461,1.6933467184581619,0.9768047509617303,-1.2882122129452358,-0.6928905722954675,-1.1540231539798074,-0.440563744505499,-0.9564616833488008
0,-0.5479185907225461,-0.904316343688905,-0.8843142452886948,-1.2882122129452358,-0.6928905722954675,-0.24020458740525652,-0.9992856998163571,-0.9564616833488008
1,-0.2509521280020695,0.2849751787398726,0.45982725200327884,0.15453319216918512,-0.006941794396590078,-0.45596730451313683,-0.449624100537567,0.06459135426761875
1,1.2338801856003137,-0.027996274530858355,0.87340925117004,-1.2882122129452358,-0.6928905722954675,-0.45596730451313683,-0.6429116958883503,-0.9564616833488008
1,-0.5479185907225461,1.662049573131089,0.9768047509617303,1.032726047456224,0.3490569384370045,1.587432545743844,0.5258742322484173,-0.7862861770793975
0,-0.5479185907225461,-0.4661563091098817,-0.6775232457053142,0.4054454365369105,0.7397872549616815,-0.3798157572985908,-0.13855187676990025,-0.9564616833488008
0,-0.5479185907225461,-0.4974534544369548,0.30473400231574344,-1.2882122129452358,-0.6928905722954675,-1.1032554558367764,0.2661440259958024,1.6812586638269496
0,0.04601433471840714,-0.8104249077076857,-0.47073224612193365,0.7190857419965673,-0.6928905722954675,0.43246741298989827,-0.5674087289544506,-0.445935164540591
0,-1.1418515161634994,0.15978659743158022,0.87340925117004,0.4054454365369105,0.3490569384370045,-0.5828865498707133,0.13023868551478282,-1.0415494364835023
0,1.2338801856003137,-1.7493392675198787,0.149640752628208,0.15453319216918512,-0.6928905722954675,0.0009419787741385332,0.3869487730900417,0.7452933793452318
0,-0.5479185907225461,-0.6852363263993934,-0.47073224612193365,-0.22183517438240297,0.6963727753478285,0.5847705074189904,-0.05700867248128848,-1.0415494364835023
1,-0.8448850534430228,-0.5913448904181741,0.2530362524198983,-1.2882122129452358,-0.6928905722954675,0.9528363189559619,-0.5402276608582467,0.7452933793452318
1,2.1247795737617436,-0.027996274530858355,0.5632227517949692,1.032726047456224,0.6095438161201225,1.3082102059571756,0.9456707284008997,1.2558198981534414
0,-0.2509521280020695,-0.5913448904181741,-1.2978962444554558,-0.03365099110660893,0.12330164444496892,-0.1513611156549531,-0.21707496238115584,-0.6161106708099943
0,-0.8448850534430228,-0.3722648731286624,-0.5741277459136239,-0.1591071132904716,0.3143253547459221,-0.44327537997737904,-0.7637164429825898,-0.9564616833488008
1,1.5308466483207903,0.5979466320106036,1.286991250336801,-1.2882122129452358,-0.6928905722954675,0.08978545052444241,0.7916446758557442,1.0005566387493365
0,2.718712499202697,1.0048095212625539,0.9768047509617303,1.032726047456224,0.5227148568924165,1.092447488849296,2.1204968938923794,0.4900301199411269
0,2.42174603648222,-0.6539391810723203,0.7700137513783497,0.7818138030884986,0.21881349959544552,-0.25289651194101437,0.048695481226171046,1.0856443918840382
1,-0.8448850534430228,0.8170266493001153,1.286991250336801,1.2836382918239493,-0.6928905722954675,2.1966449234602106,-0.34391994683010746,-0.5310229176752926
0,-0.8448850534430228,-1.248584942286709,0.2530362524198983,1.2836382918239493,-0.1979655046975433,1.8158871873874813,1.8849276370586125,-0.1055841520017845
1,-0.2509521280020695,2.068912462383039,0.046245252836517724,0.09180513107725377,1.0436886122586526,0.5593866583474747,-0.1929140129623081,0.234766860537022
1,0.6399472601593604,1.2864838292062117,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-0.9763362104791999,-0.8875413087541854,1.4259954044228447
1,0.04601433471840714,0.4727580507023112,0.046245252836517724,-1.2882122129452358,-0.6928905722954675,-0.10059341751192272,2.144657843311227,-0.9564616833488008
0,-0.8448850534430228,0.0033008707962147404,0.45982725200327884,1.1581821696400867,-0.050356274010443076,0.8893766962771736,-0.6368714585336382,-0.445935164540591
0,-0.2509521280020695,-0.4035620184557355,-0.3673367463302434,0.21726125326111648,-0.6928905722954675,-0.7605734933713201,-0.7516359682731659,-0.7011984239446959
1,-1.1418515161634994,1.8811295904206005,0.9768047509617303,1.4718224750997435,3.7353863483175385,1.435129451314752,-0.7546560869505219,-0.6161106708099943
1,1.2338801856003137,1.036106666589627,0.45982725200327884,0.7190857419965673,-0.6928905722954675,0.05170967691716893,-0.0872098592548484,1.0005566387493365
1,-0.8448850534430228,0.22238088808572642,0.9768047509617303,1.1581821696400867,0.2622279792092985,0.5720785828832325,1.7671430086417286,0.31985461367172363
0,0.9369137228798371,0.5040551960293843,1.0802002507534205,1.2836382918239493,-0.6928905722954675,0.0009419787741385332,-0.24425603047735978,0.4900301199411269
1,-1.1418515161634994,0.06589516145036094,0.149640752628208,-1.2882122129452358,-0.6928905722954675,0.5466947338117168,-0.6459318145657063,1.596170910692248
0,-0.8448850534430228,-0.4661563091098817,0.35643175221158857,-1.2882122129452358,-0.6928905722954675,0.6989978282408089,-0.8301590538844216,-0.6161106708099943
1,0.6399472601593604,2.1628038983642583,1.183595750545111,-1.2882122129452358,-0.6928905722954675,0.44515933752565606,-0.5855294410185864,2.787399454578071
0,-0.5479185907225461,-1.0295049249971975,-0.5741277459136239,0.34271737544497916,-0.5539642375311379,-0.45596730451313683,0.8882884735311359,-0.9564616833488008
1,1.5308466483207903,1.5368609918227965,0.2530362524198983,0.6563576809046359,-0.6928905722954675,1.5239729230650558,-0.20801460634908786,0.8303811324799334
0,1.5308466483207903,-0.9982077796701243,-0.3673367463302434,-1.2882122129452358,-0.6928905722954675,-1.2047908521228377,-0.9962655811390011,-0.020496398867082873
0,1.8278131110412668,-0.6226420357452472,0.35643175221158857,1.722734719467469,0.8700306938032405,0.11516929959595715,-0.9086821394956773,2.532136195173966
0,-0.5479185907225461,0.034598016123287834,0.046245252836517724,0.4054454365369105,-0.6928905722954675,0.6101543564905051,-0.39828208302251517,-0.5310229176752926
0,0.34298079743888377,0.0033008707962147404,0.149640752628208,0.15453319216918512,0.27959377105483973,-0.7351896442998049,-0.6851933573713341,-0.27575965827118776
1,-0.8448850534430228,0.15978659743158022,-0.47073224612193365,-1.2882122129452358,-0.6928905722954675,-0.24020458740525652,-0.37110101492631137,1.1707321450187398
0,-0.8448850534430228,-0.873019198361832,0.046245252836517724,0.6563576809046359,-0.6928905722954675,-0.20212881379798395,-0.4737850499564149,-0.8713739302140991
1 Outcome Pregnancies Glucose BloodPressure SkinThickness Insulin BMI DiabetesPedigreeFunction Age
2 1 0.6399472601593604 0.8483237946271883 0.149640752628208 0.9072699252723613 -0.6928905722954675 0.20401277134626103 0.4684919773786535 1.4259954044228447
3 0 -0.8448850534430228 -1.1233963609784168 -0.16054574674686284 0.5309015587207732 -0.6928905722954675 -0.6844219461567741 -0.36506077757159944 -0.19067190513648613
4 1 1.2338801856003137 1.9437238810747468 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -1.1032554558367764 0.6043973178596731 -0.1055841520017845
5 0 -0.8448850534430228 -0.9982077796701243 -0.16054574674686284 0.15453319216918512 0.12330164444496892 -0.49404307812040943 -0.9207626142051013 -1.0415494364835023
6 1 -1.1418515161634994 0.5040551960293843 -1.5046872440388366 0.9072699252723613 0.7658359427299933 1.4097456022432373 5.48490910046695 -0.020496398867082873
7 0 0.34298079743888377 -0.15318485583915073 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.8113411915143505 -0.8180785791749976 -0.27575965827118776
8 1 -0.2509521280020695 -1.3424763782679283 -0.9877097450803851 0.7190857419965673 0.07120426890834532 -0.1259772665834379 -0.6761330013392661 -0.6161106708099943
9 0 1.8278131110412668 -0.18448200116622385 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.4197754884541404 -1.0204265305578488 -0.3608474114058894
10 1 -0.5479185907225461 2.38188391565377 0.046245252836517724 1.5345505361916747 4.021921913768968 -0.18943688926222613 -0.9479436823013052 1.6812586638269496
11 1 1.2338801856003137 0.12848945210450713 1.3903867501284914 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.7244549001769619 1.7663464169616512
12 0 0.04601433471840714 -0.3409677278015893 1.183595750545111 -1.2882122129452358 -0.6928905722954675 0.7116897527765668 -0.8482797659485575 -0.27575965827118776
13 1 1.8278131110412668 1.4742667011686503 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 0.7624574509195972 0.1966812964166146 0.06459135426761875
14 0 1.8278131110412668 0.5666494866835304 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.6209623234779859 2.9268685807464285 2.021609676365756
15 1 -0.8448850534430228 2.1315067530371854 -0.47073224612193365 0.15453319216918512 6.65283937836846 -0.24020458740525652 -0.22311519973586783 2.1917851826351593
16 1 0.34298079743888377 1.411672410514504 0.149640752628208 -0.09637905219854027 0.8266162141893876 -0.7859573424428353 0.34768723028441384 1.5110831575575463
17 1 0.9369137228798371 -0.6539391810723203 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.25289651194101437 0.03661500651674708 -0.1055841520017845
18 1 -1.1418515161634994 -0.09059056518500455 0.7700137513783497 1.6600066583755375 1.3041754899417703 1.752427564708693 0.23896295789959848 -0.19067190513648613
19 1 0.9369137228798371 -0.4348591637828086 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.30366421008404476 -0.6580122892751302 -0.19067190513648613
20 0 -0.8448850534430228 -0.560047745091101 -2.021664742997288 1.0954541085481553 0.02778978929449232 1.435129451314752 -0.8724407153674054 -0.020496398867082873
21 1 -0.8448850534430228 -0.18448200116622385 0.046245252836517724 0.5936296198127046 0.14066743629051012 0.3309320167038375 0.1725203469977667 -0.1055841520017845
22 0 -0.2509521280020695 0.15978659743158022 0.9768047509617303 1.2836382918239493 1.3475899695556235 0.9274524698844462 0.7010411155350644 -0.5310229176752926
23 0 1.2338801856003137 -0.6852363263993934 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 0.43246741298989827 -0.2533163865094277 1.4259954044228447
24 1 0.9369137228798371 2.350586770326697 1.0802002507534205 -1.2882122129452358 -0.6928905722954675 0.9909120925632344 -0.06304890983600046 0.6602056262105301
25 1 1.5308466483207903 -0.059293419857931455 0.5632227517949692 0.9072699252723613 -0.6928905722954675 -0.3798157572985908 -0.6308312211789263 -0.3608474114058894
26 1 2.1247795737617436 0.6918380679918229 1.286991250336801 0.7818138030884986 0.5748122324290401 0.5847705074189904 -0.6580122892751302 1.5110831575575463
27 1 1.8278131110412668 0.12848945210450713 0.046245252836517724 0.34271737544497916 0.30564245882315155 -0.11328534204768008 -0.8059981044655736 0.6602056262105301
28 1 0.9369137228798371 0.8170266493001153 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.940144394420204 -0.6489519332430622 0.8303811324799334
29 0 -0.8448850534430228 -0.7478306170535396 -0.16054574674686284 -0.3472912965662657 0.5227148568924165 -1.1159473803725342 0.04567536254881505 -0.9564616833488008
30 0 2.718712499202697 0.754432358645969 0.6666182515866594 -0.09637905219854027 0.2622279792092985 -1.2428666257301106 -0.6851933573713341 2.021609676365756
31 0 0.34298079743888377 -0.12188771051207764 1.183595750545111 -1.2882122129452358 -0.6928905722954675 0.26747239402504924 -0.4073424390545831 0.40494236680642526
32 0 0.34298079743888377 -0.3722648731286624 0.30473400231574344 0.34271737544497916 -0.6928905722954675 0.5086189602044443 0.22386236451281855 2.276872935769861
33 1 -0.2509521280020695 1.1612952478979193 0.35643175221158857 0.9699979863642927 1.4344189287833293 -0.049825719368891866 1.1449985611063949 -0.445935164540591
34 0 -0.2509521280020695 -1.0295049249971975 -0.5741277459136239 -0.5982035409339911 -0.22401419246585508 -0.9128765878004118 -0.6187507464695023 -0.9564616833488008
35 0 0.6399472601593604 -0.904316343688905 1.183595750545111 -1.2882122129452358 -0.6928905722954675 -1.5347808900525366 -0.8573401219806255 -0.445935164540591
36 0 1.8278131110412668 0.034598016123287834 0.45982725200327884 0.6563576809046359 -0.6928905722954675 -0.5575027007991976 0.12117832948271484 1.0005566387493365
37 0 0.04601433471840714 -0.560047745091101 -0.47073224612193365 0.7818138030884986 0.9742254448764878 -1.014411984086473 1.4923122090023335 -0.020496398867082873
38 0 2.1247795737617436 0.5353523413564574 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.15324507320323064 -0.15667258883403617 0.14967910740232038
39 1 1.5308466483207903 -0.5913448904181741 0.35643175221158857 1.032726047456224 -0.6928905722954675 0.11516929959595715 0.5832564871181811 1.0856443918840382
40 1 -0.5479185907225461 -0.9669106343430512 -0.057150246955172554 1.3463663529158807 -0.6928905722954675 0.7878412999911129 0.09399726138651092 -0.5310229176752926
41 1 0.04601433471840714 -0.30967058247451623 0.149640752628208 1.6600066583755375 1.1044688837180467 0.6482301300977785 2.7728425282012727 1.9365219232310544
42 0 -0.2509521280020695 1.8498324450935275 -0.2639412465385531 0.2799893143530478 -0.08508785770152548 0.2547804694892914 -0.6066702717600784 -0.6161106708099943
43 0 0.9369137228798371 0.3788666147210919 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 1.0416797907062658 0.6768801661162166 0.31985461367172363
44 0 0.9369137228798371 -0.4661563091098817 1.183595750545111 -0.1591071132904716 -0.6928905722954675 -1.1794070030513224 -0.715394544144894 1.2558198981534414
45 1 1.5308466483207903 1.5681581371498696 2.1141552486703232 0.21726125326111648 1.3910044491694764 1.7016598665656626 0.7523831330501163 1.7663464169616512
46 0 0.9369137228798371 1.1925923932249924 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -0.5828865498707133 -0.5372075421808907 0.5751178730758285
47 1 -1.1418515161634994 1.8498324450935275 -0.16054574674686284 1.1581821696400867 -0.6928905722954675 1.2701344323499029 4.2919622229113354 -0.7011984239446959
48 0 -0.8448850534430228 0.7857295039730422 -0.6775232457053142 -1.2882122129452358 -0.6928905722954675 -0.29097228554828736 0.27822450070522603 -0.3608474114058894
49 0 -0.5479185907225461 -1.56155639555744 0.046245252836517724 0.4054454365369105 -0.6928905722954675 -0.5067350026561672 0.3446671116070579 -0.9564616833488008
50 1 0.9369137228798371 -0.560047745091101 -0.16054574674686284 0.7190857419965673 -0.6928905722954675 0.9020686208129315 -0.38620160831309136 -0.19067190513648613
51 0 0.9369137228798371 -0.4974534544369548 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.5039862367299749 -0.7862861770793975
52 0 -0.8448850534430228 -0.560047745091101 0.5632227517949692 -0.5982035409339911 0.019106893371721723 -1.5982405127313248 0.05775583725823902 -0.9564616833488008
53 0 -0.8448850534430228 -0.6226420357452472 -0.9877097450803851 -0.3472912965662657 -0.3803063190757259 -0.9890281350149578 0.16345999096569871 -0.6161106708099943
54 0 0.34298079743888377 -1.0295049249971975 -0.16054574674686284 0.029077069985322418 -0.4931839660717437 -0.9636442859434426 -0.3922418456678032 -0.27575965827118776
55 1 1.2338801856003137 1.724643863785235 1.0802002507534205 0.84454186418043 1.9119782045357125 0.21670469588201885 -0.014727010998304601 2.106697429500458
56 0 0.9369137228798371 0.9109180852813346 -0.16054574674686284 1.3463663529158807 2.2766598332920776 0.3436239412395953 0.7433227770180484 0.7452933793452318
57 0 -0.8448850534430228 -1.498962104903294 -0.9877097450803851 -0.6609316020259224 -0.6928905722954675 -1.1413312294440494 -0.6761330013392661 -1.0415494364835023
58 1 0.9369137228798371 2.068912462383039 -0.057150246955172554 1.1581821696400867 1.9467097882267947 0.7243816773123246 -0.6580122892751302 0.6602056262105301
59 0 -1.1418515161634994 -0.6539391810723203 0.9768047509617303 2.475471452570645 0.2622279792092985 1.8793468100662696 1.4802317342929094 -0.19067190513648613
60 0 -1.1418515161634994 0.7857295039730422 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 1.0797555643135384 3.9537089310474642 0.915468885614635
61 0 -1.1418515161634994 -0.4974534544369548 -0.2639412465385531 1.2836382918239493 0.5400806487379577 1.2066748096711146 -0.9026419021409653 -0.9564616833488008
62 0 -0.5479185907225461 -1.1546935063054897 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.5070063554073309 -1.0415494364835023
63 1 1.2338801856003137 0.3788666147210919 0.149640752628208 -1.2882122129452358 -0.6928905722954675 0.11516929959595715 -0.6096903904374343 0.4900301199411269
64 0 0.34298079743888377 -2.4065793193884137 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -0.8874927387288966 0.34768723028441384 0.234766860537022
65 0 -0.5479185907225461 0.6292437773376767 -0.5741277459136239 0.84454186418043 0.4185201058191693 -0.8367250405858662 0.6859405221482845 -0.7862861770793975
66 1 0.9369137228798371 -0.21577914649329694 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 0.10247737506019933 -0.6459318145657063 0.7452933793452318
67 0 0.34298079743888377 -0.6852363263993934 0.2530362524198983 0.4054454365369105 -0.6928905722954675 -0.3798157572985908 -0.8120383418202856 -0.1055841520017845
68 1 -1.1418515161634994 -0.3722648731286624 0.9768047509617303 0.5936296198127046 -0.6928905722954675 0.06440160145292675 1.1570790358158187 0.40494236680642526
69 0 -0.5479185907225461 -0.3722648731286624 1.183595750545111 -1.2882122129452358 -0.6928905722954675 1.3589779041002068 1.1268778490422589 1.7663464169616512
70 0 -0.8448850534430228 -0.8104249077076857 -0.16054574674686284 -0.4727474187501284 -0.36294052723018466 -1.5728566636598091 -0.4164027950866511 -0.7011984239446959
71 0 0.04601433471840714 0.7857295039730422 0.8217115012741948 0.4054454365369105 0.17539901998159252 -0.39250768183434864 -0.8543200033032695 -0.5310229176752926
72 1 -0.5479185907225461 -0.6539391810723203 -0.16054574674686284 -0.03365099110660893 0.08857006075388653 0.11516929959595715 1.1933204599440908 -0.445935164540591
73 0 0.34298079743888377 0.5666494866835304 -0.2639412465385531 0.9072699252723613 0.5227148568924165 -0.4305834554416212 -0.1838536569302401 -0.6161106708099943
74 1 2.718712499202697 0.15978659743158022 1.0802002507534205 -1.2882122129452358 -0.6928905722954675 1.4478213758505099 0.33560675557498987 0.7452933793452318
75 0 0.04601433471840714 0.2536780334127995 0.87340925117004 -0.03365099110660893 1.6514913268525944 0.39439163938262567 -0.727475018854318 -0.8713739302140991
76 0 -0.8448850534430228 -1.3111792329408554 0.30473400231574344 0.5936296198127046 -0.6928905722954675 0.0009419787741385332 -0.2291554370905798 -0.9564616833488008
77 0 -0.8448850534430228 -3.78365371377963 -1.0911052448720753 -0.03365099110660893 -0.6928905722954675 -0.9255685123361695 -1.0023058184937128 -0.9564616833488008
78 0 0.9369137228798371 -1.843230703501098 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.07709352598868457 -0.24425603047735978 0.6602056262105301
79 0 0.34298079743888377 -0.8104249077076857 0.149640752628208 0.7818138030884986 -0.6928905722954675 0.7243816773123246 -0.3076785227018356 -0.5310229176752926
80 1 -1.1418515161634994 0.3162723240669457 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 1.422437526778995 -0.6096903904374343 -0.6161106708099943
81 0 -0.5479185907225461 -0.2783734371474431 -0.16054574674686284 0.09180513107725377 -0.6928905722954675 -0.8874927387288966 -0.49794599937526285 -0.7862861770793975
82 0 -0.2509521280020695 -0.24707629182037003 -1.2978962444554558 -0.4727474187501284 -0.6928905722954675 -1.2174827766585954 -1.0023058184937128 -0.9564616833488008
83 0 -0.5479185907225461 -1.4676649595762208 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -1.1170703282332406 -0.9564616833488008
84 0 0.9369137228798371 -1.185990651632563 0.45982725200327884 0.34271737544497916 -0.07640496177875487 -0.34173998369131775 0.8913085922084919 0.234766860537022
85 0 -1.1418515161634994 -0.6226420357452472 -0.21224349664270797 0.46817349762884186 -0.6928905722954675 -0.938260436871927 -0.7093543067901821 -0.9564616833488008
86 1 0.34298079743888377 0.5040551960293843 2.010759748878633 -1.2882122129452358 -0.6928905722954675 2.1331853007814225 -0.739555493563742 0.31985461367172363
87 0 -0.5479185907225461 -0.3409677278015893 0.2530362524198983 0.5309015587207732 0.39247141805085756 0.05170967691716893 0.6829204034709285 -0.5310229176752926
88 0 2.718712499202697 -0.4661563091098817 0.149640752628208 2.099103086019057 -0.6928905722954675 0.5847705074189904 -0.8875413087541854 1.0005566387493365
89 0 -0.5479185907225461 -0.6539391810723203 -0.057150246955172554 0.2799893143530478 -0.07640496177875487 0.8259170735983854 -0.446603981860211 -0.6161106708099943
90 1 3.31264542464365 0.4727580507023112 0.046245252836517724 0.7190857419965673 0.2622279792092985 0.6482301300977785 -0.9630442756880851 0.8303811324799334
91 0 -0.8448850534430228 -0.4348591637828086 -0.057150246955172554 -0.09637905219854027 -0.6928905722954675 -0.697113870692532 -0.9268028515598132 -0.7862861770793975
92 0 -0.8448850534430228 -1.2798820876137822 -0.7292209956011594 -1.2882122129452358 -0.6928905722954675 -1.6363162863385974 -0.6459318145657063 -1.0415494364835023
93 0 0.04601433471840714 0.06589516145036094 0.5632227517949692 -0.3472912965662657 0.8352991101121582 0.0009419787741385332 -0.0872098592548484 0.06459135426761875
94 0 0.9369137228798371 -1.248584942286709 0.45982725200327884 1.220910230732018 -0.27611156800247866 1.8666548855305125 -0.6368714585336382 0.7452933793452318
95 1 0.04601433471840714 0.410163760048165 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -1.0397958331579882 -0.5885495596959425 2.276872935769861
96 0 -0.5479185907225461 0.6605409226647497 0.6666182515866594 -0.1591071132904716 -0.13718523323814907 -0.9255685123361695 0.873187880144356 -1.0415494364835023
97 0 0.6399472601593604 0.723135213318896 0.149640752628208 0.4054454365369105 1.2868096980962291 0.2420885449535336 -0.6549921705977743 0.5751178730758285
98 0 -0.5479185907225461 -0.904316343688905 -0.3673367463302434 0.46817349762884186 -0.6928905722954675 -0.049825719368891866 -1.032507005267273 -0.7862861770793975
99 0 -0.8448850534430228 -1.56155639555744 -1.0911052448720753 -0.1591071132904716 -0.03299048216490188 -1.4713212673737484 -0.449624100537567 -0.9564616833488008
100 0 0.6399472601593604 -0.873019198361832 -0.9877097450803851 0.5936296198127046 -0.13718523323814907 -0.41789153090586384 -0.34996018418481945 -0.8713739302140991
101 1 -0.8448850534430228 0.034598016123287834 1.0802002507534205 1.910918902743263 1.2173465307140645 2.247412621603242 -0.44358386318285503 -0.19067190513648613
102 1 -0.8448850534430228 1.3177809745332847 0.149640752628208 -1.2882122129452358 -0.6928905722954675 0.8893766962771736 2.2654625904054666 -0.020496398867082873
103 0 -0.8448850534430228 0.9422152306084076 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -0.7478815688355623 -0.8845211900768294 -0.9564616833488008
104 0 -1.1418515161634994 0.12848945210450713 1.3903867501284914 -1.2882122129452358 -0.6928905722954675 -1.2047908521228377 -0.6338513398562823 -1.0415494364835023
105 0 -0.8448850534430228 -1.248584942286709 0.149640752628208 -0.1591071132904716 -0.3455747353846435 -0.6844219461567741 -0.5704288476318067 -0.7862861770793975
106 0 -0.5479185907225461 -1.1233963609784168 -0.21224349664270797 -1.2882122129452358 -0.6928905722954675 0.9655282434917197 1.383587936617518 -0.5310229176752926
107 0 -0.8448850534430228 0.15978659743158022 -0.6775232457053142 0.5309015587207732 0.6269096079656638 -0.41789153090586384 0.9939926272385956 -1.0415494364835023
108 0 -0.8448850534430228 -0.7791277623806127 2.734528247420465 -1.2882122129452358 -0.6928905722954675 -1.2174827766585954 -0.7999578671108617 -0.5310229176752926
109 0 0.04601433471840714 0.723135213318896 -0.5741277459136239 0.46817349762884186 0.5227148568924165 -0.31635613461980255 -0.5583483729223827 0.31985461367172363
110 0 -0.2509521280020695 -1.185990651632563 -0.5741277459136239 0.6563576809046359 -0.5365984456855967 0.292856243096564 -0.41036255773193914 -0.7011984239446959
111 1 -1.1418515161634994 -0.8104249077076857 0.8217115012741948 0.2799893143530478 -0.3803063190757259 0.6863059037050512 -0.6791531200166222 -0.7862861770793975
112 1 -0.2509521280020695 1.5681581371498696 0.149640752628208 0.7818138030884986 0.4793003772785635 0.16593699773898754 -0.8241188165297095 -0.7862861770793975
113 1 1.2338801856003137 1.0674038119167 -0.3673367463302434 0.34271737544497916 3.6051429094759793 0.2547804694892914 0.21480200848075057 1.0856443918840382
114 0 -0.8448850534430228 -0.9982077796701243 0.35643175221158857 0.84454186418043 -0.37162342315295527 -0.10059341751192272 -0.8452596472712015 -0.8713739302140991
115 0 0.04601433471840714 -1.4050706689220747 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 0.2547804694892914 -0.24425603047735978 -0.7011984239446959
116 1 0.9369137228798371 1.2238895385520654 -0.7809187454970045 0.7190857419965673 0.8266162141893876 -0.18943688926222613 0.3507073489617698 0.4900301199411269
117 1 0.04601433471840714 0.7857295039730422 1.183595750545111 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 0.2027215337713266 2.3619606889045626
118 1 0.34298079743888377 0.09719230677743403 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 0.2547804694892914 -0.7606963243052337 0.40494236680642526
119 0 0.34298079743888377 -1.3424763782679283 -1.0911052448720753 -1.2882122129452358 -0.6928905722954675 0.21670469588201885 0.5500351816672653 -0.7011984239446959
120 0 0.04601433471840714 -0.7478306170535396 -0.47073224612193365 0.15453319216918512 -0.6928905722954675 -0.481351153584652 -0.0872098592548484 -0.9564616833488008
121 0 0.04601433471840714 -0.6852363263993934 0.35643175221158857 -0.3472912965662657 -0.2500628802341669 -1.1159473803725342 -0.7516359682731659 -1.0415494364835023
122 1 -1.1418515161634994 1.2864838292062117 0.35643175221158857 2.22455920820292 0.17539901998159252 2.6916299803547594 0.867147642789644 -0.7011984239446959
123 0 0.6399472601593604 -0.30967058247451623 -0.2639412465385531 1.1581821696400867 -0.6928905722954675 0.2801643185608071 -0.6398915772109943 -0.7862861770793975
124 0 -0.5479185907225461 -0.4348591637828086 0.2530362524198983 0.5936296198127046 0.17539901998159252 0.20401277134626103 -0.20499448767173187 -0.8713739302140991
125 0 0.34298079743888377 0.3475694693940188 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.6590380970852588 -0.8633803593353374 3.0426627139821756
126 1 -1.1418515161634994 -0.24707629182037003 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.16593699773898754 -0.5855294410185864 -0.8713739302140991
127 1 -0.8448850534430228 -1.0295049249971975 -2.021664742997288 1.3463663529158807 0.1667161240588219 2.920084621998397 0.07285643064501898 -0.6161106708099943
128 0 -0.2509521280020695 -0.027996274530858355 0.046245252836517724 0.5936296198127046 0.4793003772785635 1.3843617531717216 -0.06002879115864447 -0.27575965827118776
129 0 -0.8448850534430228 -0.09059056518500455 -0.5741277459136239 0.9699979863642927 0.12330164444496892 0.16593699773898754 -0.6368714585336382 -0.8713739302140991
130 1 -0.8448850534430228 -0.12188771051207764 0.9768047509617303 0.21726125326111648 0.5661293365062695 0.31824009216807964 -0.20801460634908786 0.5751178730758285
131 1 -1.1418515161634994 -0.4974534544369548 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 -0.5194269271919251 0.8127855065972361 2.4470484420392644
132 1 0.04601433471840714 1.6307524278040157 0.046245252836517724 -0.410019357658197 0.7658359427299933 -0.29097228554828736 -0.3348595907980395 -0.020496398867082873
133 1 1.5308466483207903 0.034598016123287834 -0.6775232457053142 -1.2882122129452358 -0.6928905722954675 0.16593699773898754 1.9392897732510204 -0.020496398867082873
134 1 -0.2509521280020695 1.5368609918227965 -0.2639412465385531 1.032726047456224 1.2607610103279174 0.31824009216807964 -0.34996018418481945 -0.27575965827118776
135 0 1.2338801856003137 -1.1546935063054897 0.2530362524198983 0.6563576809046359 -0.6928905722954675 0.8005332245268698 -0.04492819777186451 0.4900301199411269
136 0 -0.5479185907225461 -0.7791277623806127 -0.057150246955172554 -0.4727474187501284 -0.2674286720797081 -1.3824777956234444 0.5288943509257733 -0.6161106708099943
137 0 -0.5479185907225461 0.12848945210450713 -0.47073224612193365 -0.03365099110660893 0.5227148568924165 0.22939662041777578 -1.1593519897162243 -0.19067190513648613
138 0 -1.1418515161634994 -0.6539391810723203 0.046245252836517724 0.34271737544497916 -0.2587457761569375 -0.1513611156549531 0.37788841705797377 -1.0415494364835023
139 0 -1.1418515161634994 -0.873019198361832 -0.47073224612193365 0.2799893143530478 0.10593585259942773 -0.41789153090586384 0.18158070302983467 -0.9564616833488008
140 0 -1.1418515161634994 0.2536780334127995 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 0.6980209968577085 -0.3608474114058894
141 0 0.34298079743888377 -0.4974534544369548 0.149640752628208 0.5309015587207732 2.1290506026049774 0.6228462810262629 -0.9449235636239492 -0.445935164540591
142 0 -0.2509521280020695 0.22238088808572642 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 -1.3824777956234444 -0.6157306277921464 1.8514341700963528
143 0 0.34298079743888377 -0.4661563091098817 0.6666182515866594 0.5936296198127046 -0.6928905722954675 0.9528363189559619 -0.5613684915997387 0.40494236680642526
144 0 -0.5479185907225461 -0.4035620184557355 -0.8843142452886948 0.34271737544497916 -0.14586812916091968 0.06440160145292675 -0.46472469392434695 -0.9564616833488008
145 1 1.8278131110412668 -0.4035620184557355 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 0.05170967691716893 -0.6036501530827224 0.7452933793452318
146 0 0.04601433471840714 1.036106666589627 -0.3673367463302434 0.6563576809046359 1.7730518697713828 0.10247737506019933 -0.7093543067901821 -0.8713739302140991
147 0 -1.1418515161634994 -0.5913448904181741 0.30473400231574344 0.15453319216918512 -0.6928905722954675 -4.060473872668307 0.302385450124074 -1.0415494364835023
148 0 1.5308466483207903 -1.9997164301364634 0.5632227517949692 1.032726047456224 -0.6928905722954675 0.10247737506019933 -1.1351910402973764 0.6602056262105301
149 0 -0.5479185907225461 -0.4661563091098817 -0.2639412465385531 0.9072699252723613 0.3403740425142339 -0.18943688926222613 2.8030437149748324 0.06459135426761875
150 0 0.34298079743888377 0.8170266493001153 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.21670469588201885 -0.7667365616599457 2.702311701443369
151 0 -0.5479185907225461 -0.9669106343430512 0.046245252836517724 -0.22183517438240297 -0.6928905722954675 -0.5955784744064706 -1.1684123457482922 -0.9564616833488008
152 0 -0.8448850534430228 0.4727580507023112 0.2530362524198983 1.8481908416513315 1.078420195949735 0.6863059037050512 -0.22009508105851183 -0.7862861770793975
153 0 0.04601433471840714 -0.21577914649329694 -0.21224349664270797 -1.2882122129452358 -0.6928905722954675 -1.2809423993373836 -0.12043116470576429 0.31985461367172363
154 1 1.5308466483207903 1.0987009572437731 0.87340925117004 0.46817349762884186 0.6529582957339756 0.292856243096564 2.1657986740527195 0.7452933793452318
155 0 -0.8448850534430228 1.0048095212625539 0.6666182515866594 1.3463663529158807 3.5183139502482734 1.092447488849296 0.6496990980200129 -0.8713739302140991
156 1 1.2338801856003137 2.100209607710112 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 2.0189579799596036 -1.011366174525781 0.8303811324799334
157 1 0.9369137228798371 0.9735123759354807 0.9768047509617303 1.4718224750997435 -0.6928905722954675 2.2854883952105145 -0.4073424390545831 0.234766860537022
158 0 -0.5479185907225461 -0.6852363263993934 -0.8843142452886948 -0.3472912965662657 0.12330164444496892 -0.938260436871927 0.4986931641522134 -1.0415494364835023
159 0 -0.8448850534430228 -0.3722648731286624 -0.6775232457053142 0.029077069985322418 0.4793003772785635 -0.8621088896573814 1.090636424913987 -0.8713739302140991
160 0 -0.5479185907225461 -1.0295049249971975 0.2530362524198983 -0.09637905219854027 -0.23269708838862568 -0.3798157572985908 -0.7335152562090299 -0.9564616833488008
161 1 3.906578350084603 1.3177809745332847 0.149640752628208 1.2836382918239493 0.29695956290038095 1.1305232624565686 1.0423145260762912 1.1707321450187398
162 0 0.04601433471840714 0.9422152306084076 1.0802002507534205 1.0954541085481553 -0.6928905722954675 -0.29097228554828736 -0.5372075421808907 0.234766860537022
163 0 0.9369137228798371 -0.5913448904181741 0.2530362524198983 1.220910230732018 0.21881349959544552 0.6609220546335364 -0.8090182231429296 1.0005566387493365
164 0 -1.1418515161634994 -0.21577914649329694 0.5632227517949692 0.84454186418043 1.7817347656941533 1.5493567721365715 -0.9207626142051013 -0.5310229176752926
165 0 -0.5479185907225461 -0.6539391810723203 -0.2639412465385531 0.15453319216918512 -0.6928905722954675 -0.29097228554828736 -0.3137187600565476 -1.0415494364835023
166 1 -1.1418515161634994 0.3162723240669457 0.9768047509617303 -1.2882122129452358 -0.6928905722954675 -0.049825719368891866 0.8188257439519482 -0.1055841520017845
167 1 0.6399472601593604 -0.5287505997640279 0.2530362524198983 -0.1591071132904716 0.6616411916567462 -0.26558843647677216 0.7554032517274724 0.6602056262105301
168 0 -0.2509521280020695 0.8483237946271883 -0.16054574674686284 0.2799893143530478 -0.6928905722954675 0.06440160145292675 -0.6519720519204183 -0.9564616833488008
169 0 0.04601433471840714 -0.027996274530858355 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.30366421008404476 0.7161417089218445 0.06459135426761875
170 0 0.04601433471840714 -0.3409677278015893 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 -0.011749945761619291 -0.0026465362888808035 -0.3608474114058894
171 0 -0.2509521280020695 -0.30967058247451623 1.0802002507534205 -0.5354754798420597 -0.015624690319360679 -0.45596730451313683 0.06983631196766299 -0.3608474114058894
172 1 0.6399472601593604 -0.5913448904181741 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 -0.1513611156549531 -0.8815010713994734 0.234766860537022
173 1 0.6399472601593604 0.410163760048165 0.046245252836517724 0.15453319216918512 0.43588589766471053 0.43246741298989827 0.21178188980339457 -0.3608474114058894
174 0 -0.5479185907225461 -1.0608020703242704 -3.572597239872642 0.15453319216918512 -0.6928905722954675 -0.39250768183434864 0.9094293042726279 -0.7011984239446959
175 0 -0.8448850534430228 -1.3111792329408554 -0.47073224612193365 1.3463663529158807 -0.27611156800247866 1.4605133003862676 0.622518029923809 -0.8713739302140991
176 0 -0.5479185907225461 -1.4363678142491476 -0.2639412465385531 0.21726125326111648 -0.21533129654308447 -0.29097228554828736 -0.3076785227018356 -0.020496398867082873
177 1 1.2338801856003137 1.8185352997664543 0.149640752628208 1.3463663529158807 0.43588589766471053 0.08978545052444241 0.7463428956954044 0.234766860537022
178 0 0.6399472601593604 -1.1233963609784168 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.2714370985735637 0.7452933793452318
179 1 -1.1418515161634994 0.2536780334127995 2.1141552486703232 1.597278597283606 0.43588589766471053 4.455807490825071 -0.461704575246991 -0.6161106708099943
180 0 0.34298079743888377 0.6918380679918229 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 1.6508921684226323 -0.8512998846259134 1.1707321450187398
181 1 0.34298079743888377 0.2849751787398726 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 0.9020686208129315 1.4621110222287736 0.31985461367172363
182 0 0.6399472601593604 -1.0608020703242704 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -1.1159473803725342 -1.1714324644256482 -0.1055841520017845
183 0 -1.1418515161634994 -0.059293419857931455 -0.2639412465385531 -0.1591071132904716 0.10593585259942773 0.36900779031111003 0.7644636077595403 -0.8713739302140991
184 0 -0.8448850534430228 -3.78365371377963 0.2530362524198983 -0.03365099110660893 -0.4931839660717437 -0.5448107762634402 -0.5221069487941108 -1.0415494364835023
185 0 0.34298079743888377 -1.498962104903294 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -0.6590380970852588 -0.6157306277921464 -0.5310229176752926
186 0 0.04601433471840714 0.6292437773376767 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.5575027007991976 -0.6882134760486901 0.5751178730758285
187 1 0.9369137228798371 2.2879924796725506 -0.057150246955172554 0.46817349762884186 -0.6928905722954675 0.49592703566868646 0.8248659813066601 0.6602056262105301
188 1 1.2338801856003137 1.8811295904206005 -0.057150246955172554 0.9699979863642927 3.6051429094759793 -0.24020458740525652 0.4322505532503816 2.276872935769861
189 1 -0.8448850534430228 0.22238088808572642 1.4937822499201816 1.2836382918239493 -0.18928260877477268 0.0009419787741385332 2.5644543394637096 -0.020496398867082873
190 1 1.2338801856003137 -0.3722648731286624 0.35643175221158857 1.1581821696400867 0.29695956290038095 -0.5194269271919251 0.5077535201842813 -0.19067190513648613
191 1 0.34298079743888377 0.5666494866835304 0.5632227517949692 0.9072699252723613 0.6963727753478285 -0.049825719368891866 -0.3348595907980395 -0.7011984239446959
192 0 -0.2509521280020695 -0.30967058247451623 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -1.19209892758708 -0.9962655811390011 -1.0415494364835023
193 0 1.5308466483207903 0.06589516145036094 0.046245252836517724 1.4718224750997435 0.12330164444496892 0.1405531486674728 -0.29559804799241163 0.5751178730758285
194 1 0.9369137228798371 1.1925923932249924 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 -0.20212881379798395 -0.2684169798962077 0.234766860537022
195 1 2.1247795737617436 0.4414609053752381 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 2.57740265953294 0.32050616218820993 0.5751178730758285
196 0 1.2338801856003137 -1.1233963609784168 -0.7292209956011594 -0.03365099110660893 -0.6928905722954675 -0.9636442859434426 -1.014386293203137 0.7452933793452318
197 1 0.34298079743888377 1.1612952478979193 0.7700137513783497 1.2836382918239493 1.1305175714863585 0.940144394420204 -0.2321755557679358 -0.3608474114058894
198 0 -0.8448850534430228 -0.4974534544369548 -0.5741277459136239 -1.2882122129452358 -0.6928905722954675 -0.9763362104791999 -0.8603602406579814 -1.0415494364835023
199 1 -0.2509521280020695 -0.4348591637828086 -0.3673367463302434 -0.4727474187501284 -0.27611156800247866 -1.1540231539798074 0.622518029923809 -0.8713739302140991
200 1 0.04601433471840714 -0.3722648731286624 -0.2639412465385531 1.4718224750997435 0.1667161240588219 0.35631586577535224 1.3080849696836183 -0.6161106708099943
201 1 0.04601433471840714 0.8483237946271883 -0.47073224612193365 0.4054454365369105 2.0682703311455835 -0.13866919111919573 -0.9721046317201532 -0.3608474114058894
202 0 -1.1418515161634994 -0.24707629182037003 0.5632227517949692 -0.2845632354743343 -0.6928905722954675 -0.1259772665834379 1.2144612906855827 -1.0415494364835023
203 0 -0.8448850534430228 0.5353523413564574 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 1.0289878661705079 -0.712374425467538 -0.445935164540591
204 0 -1.1418515161634994 -0.4035620184557355 -0.057150246955172554 -0.03365099110660893 -0.6928905722954675 -0.5955784744064706 0.9517109657556118 -0.1055841520017845
205 0 -0.5479185907225461 -0.6852363263993934 0.046245252836517724 -0.2845632354743343 -0.3108431516935611 -1.4713212673737484 -0.715394544144894 -0.5310229176752926
206 0 0.6399472601593604 -0.560047745091101 0.149640752628208 0.7190857419965673 0.9568596530309466 0.7243816773123246 -0.446603981860211 1.8514341700963528
207 0 0.34298079743888377 -0.30967058247451623 0.149640752628208 0.46817349762884186 -0.6928905722954675 -1.0271039086222309 -0.19593413163966408 -0.5310229176752926
208 1 1.2338801856003137 2.350586770326697 0.35643175221158857 0.5309015587207732 1.7383202860803004 0.6989978282408089 0.40204936647682166 2.021609676365756
209 1 0.34298079743888377 1.2864838292062117 1.8039687492952525 -1.2882122129452358 -0.6928905722954675 0.7243816773123246 -0.9690845130427972 1.596170910692248
210 0 -0.8448850534430228 -0.7791277623806127 -0.2639412465385531 0.4054454365369105 0.06252137298557472 0.15324507320323064 -0.5523081355676707 -1.0415494364835023
211 1 0.9369137228798371 1.9750210264018198 0.7700137513783497 0.7818138030884986 -0.6928905722954675 0.44515933752565606 -0.35298030286217547 0.6602056262105301
212 0 -0.5479185907225461 -1.248584942286709 -0.47073224612193365 0.09180513107725377 -0.6928905722954675 -0.5448107762634402 -0.5492880168903147 -0.7011984239446959
213 0 -1.1418515161634994 0.8170266493001153 0.8217115012741948 2.099103086019057 -0.6928905722954675 1.3716698286359637 -0.2925779293150556 -0.7862861770793975
214 0 0.9369137228798371 1.8185352997664543 1.3386890002326461 0.6563576809046359 -0.6928905722954675 0.2801643185608071 -0.9298229702371693 2.276872935769861
215 1 -1.1418515161634994 0.5979466320106036 -0.21224349664270797 0.34271737544497916 0.43588589766471053 1.346285979564449 -0.12345128338312028 -0.7862861770793975
216 1 1.5308466483207903 -0.2783734371474431 0.6666182515866594 0.7190857419965673 0.8266162141893876 0.2801643185608071 -0.6398915772109943 0.234766860537022
217 1 2.42174603648222 0.9422152306084076 0.046245252836517724 1.220910230732018 1.660174222775365 1.2447505832783874 0.8158056252745921 0.40494236680642526
218 1 0.34298079743888377 -0.3722648731286624 -0.3673367463302434 1.2836382918239493 0.4272030017419399 0.48323511113292866 0.12721856683742683 -0.7011984239446959
219 0 0.6399472601593604 0.12848945210450713 -0.057150246955172554 0.5936296198127046 0.3490569384370045 -0.25289651194101437 -0.023787367030372573 -0.1055841520017845
220 1 0.34298079743888377 -1.1233963609784168 0.2530362524198983 0.09180513107725377 -0.6928905722954675 -0.3798157572985908 2.2715028277601785 -0.1055841520017845
221 1 0.34298079743888377 -0.2783734371474431 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 0.7370736018480816 -0.6368714585336382 0.6602056262105301
222 1 -1.1418515161634994 1.7559410091123082 -0.47073224612193365 0.5309015587207732 3.457533678788879 0.3309320167038375 1.8124447888020687 -1.0415494364835023
223 1 -0.5479185907225461 1.1612952478979193 1.0802002507534205 -1.2882122129452358 -0.6928905722954675 -0.049825719368891866 1.0060731019480196 2.787399454578071
224 0 0.9369137228798371 -0.059293419857931455 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.8621088896573814 -0.7939176297561497 0.31985461367172363
225 0 0.9369137228798371 0.6605409226647497 -0.47073224612193365 0.7818138030884986 0.9568596530309466 -0.405199606370106 0.6496990980200129 2.3619606889045626
226 0 -0.8448850534430228 -0.6539391810723203 -0.16054574674686284 -0.3472912965662657 -0.2066484006203139 -1.0651796822295034 0.5862766057955372 -0.6161106708099943
227 0 -0.8448850534430228 -1.0608020703242704 0.45982725200327884 0.4054454365369105 -0.4150379027668083 0.3309320167038375 -1.1200904469105963 -0.9564616833488008
228 0 -1.1418515161634994 -0.6226420357452472 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.4705431865971717 -0.8271389352070656 -0.6161106708099943
229 1 -0.2509521280020695 1.2864838292062117 -0.8843142452886948 1.0954541085481553 -0.6928905722954675 0.6609220546335364 0.5439949443125532 -0.7862861770793975
230 0 0.04601433471840714 2.38188391565377 0.046245252836517724 1.1581821696400867 5.767183994245859 0.5974624319547481 5.608733966238547 -0.19067190513648613
231 0 -1.1418515161634994 -0.12188771051207764 0.5632227517949692 0.6563576809046359 -0.23269708838862568 1.676276017494148 -1.1563318710388684 -0.7862861770793975
232 1 0.04601433471840714 0.6605409226647497 0.87340925117004 -1.2882122129452358 -0.6928905722954675 1.5239729230650558 0.5228541135710614 -0.9564616833488008
233 1 0.6399472601593604 0.410163760048165 0.5632227517949692 1.032726047456224 2.5197809191296545 1.8031952628517243 -0.7063341881128261 1.0856443918840382
234 0 -0.8448850534430228 -1.3111792329408554 0.5632227517949692 0.2799893143530478 -0.37162342315295527 -0.8367250405858662 0.33560675557498987 -0.9564616833488008
235 0 0.04601433471840714 0.034598016123287834 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 0.3816997148468679 -0.2351956744452918 -0.3608474114058894
236 0 -0.2509521280020695 -1.4676649595762208 -0.057150246955172554 0.46817349762884186 -0.3021602557707905 -0.29097228554828736 -0.5402276608582467 -0.8713739302140991
237 1 0.04601433471840714 1.5681581371498696 0.149640752628208 -1.2882122129452358 -0.6928905722954675 1.4732052249220255 0.021514413129967127 -0.6161106708099943
238 1 0.9369137228798371 1.8811295904206005 0.7700137513783497 0.029077069985322418 0.9742254448764878 0.49592703566868646 0.3446671116070579 1.5110831575575463
239 1 -1.1418515161634994 1.8185352997664543 1.0802002507534205 0.4054454365369105 -0.6928905722954675 1.5366648476008136 0.646678979342657 -0.8713739302140991
240 1 1.5308466483207903 1.3490781198603579 0.7700137513783497 0.029077069985322418 -0.6928905722954675 -0.1513611156549531 1.0845961875592751 -0.1055841520017845
241 0 -1.1418515161634994 -0.5287505997640279 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 -1.7251597580889013 0.3325866368976339 -0.5310229176752926
242 0 -0.8448850534430228 -0.9356134890159782 -0.2639412465385531 0.21726125326111648 -0.6928905722954675 -0.3544319082270756 -0.8452596472712015 -1.0415494364835023
243 0 0.04601433471840714 -0.9356134890159782 0.046245252836517724 0.7190857419965673 0.07120426890834532 0.1405531486674728 -0.07814950322278041 -0.9564616833488008
244 1 -0.2509521280020695 0.5666494866835304 -0.7809187454970045 -1.2882122129452358 -0.6928905722954675 -0.8113411915143505 -0.21103472502644385 -0.9564616833488008
245 1 0.6399472601593604 -0.059293419857931455 -0.9877097450803851 0.09180513107725377 0.8352991101121582 -0.6209623234779859 2.555393983431642 -0.020496398867082873
246 0 -0.5479185907225461 0.7857295039730422 0.35643175221158857 0.9072699252723613 0.991591236722029 0.7878412999911129 -0.43150338847343106 -0.3608474114058894
247 1 1.5308466483207903 1.9750210264018198 0.8217115012741948 -0.3472912965662657 -0.6928905722954675 -0.25289651194101437 2.238281522309263 1.340907651288143
248 0 1.8278131110412668 0.034598016123287834 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.6459318145657063 0.6602056262105301
249 0 -1.1418515161634994 1.380375265187431 1.0802002507534205 0.7818138030884986 5.211478655188541 2.57740265953294 -0.13553175809254425 -0.8713739302140991
250 0 1.5308466483207903 0.09719230677743403 0.046245252836517724 0.7818138030884986 2.7976335886583135 0.43246741298989827 -0.5734489663091626 0.06459135426761875
251 0 -0.8448850534430228 -0.30967058247451623 0.87340925117004 -0.09637905219854027 -0.6928905722954675 -0.24020458740525652 -0.9932454624616451 -0.8713739302140991
252 0 1.5308466483207903 -0.4661563091098817 -0.8843142452886948 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.27747733592827567 0.7452933793452318
253 0 -0.5479185907225461 0.2536780334127995 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 -0.5067350026561672 -0.5674087289544506 -0.5310229176752926
254 0 -0.5479185907225461 -0.9669106343430512 0.5632227517949692 -0.410019357658197 -0.21533129654308447 -0.9636442859434426 -0.6731128826619102 -0.7862861770793975
255 0 -1.1418515161634994 -1.0920992156513436 -0.057150246955172554 0.7190857419965673 -0.6928905722954675 0.48323511113292866 -0.7063341881128261 -0.7011984239446959
256 1 2.42174603648222 -0.904316343688905 -0.3673367463302434 -0.8491157853017165 1.5472965757793473 -0.5575027007991976 1.3715074619080942 0.915468885614635
257 1 -0.8448850534430228 -0.24707629182037003 -0.2639412465385531 0.9072699252723613 -0.6928905722954675 0.20401277134626103 0.21480200848075057 -1.0415494364835023
258 0 -0.2509521280020695 -0.30967058247451623 -0.6775232457053142 1.1581821696400867 -0.6928905722954675 -0.24020458740525652 0.25708366996373444 -0.27575965827118776
259 0 -0.5479185907225461 -0.21577914649329694 -0.057150246955172554 0.09180513107725377 -0.6928905722954675 -0.41789153090586384 -1.1472715150068002 -0.7011984239446959
260 0 -0.8448850534430228 2.2566953343454776 -0.9877097450803851 -0.2845632354743343 2.5631953987435074 -0.7732654179070779 0.5530553003446212 -0.7862861770793975
261 1 2.1247795737617436 1.0674038119167 0.35643175221158857 0.46817349762884186 0.6095438161201225 0.16593699773898754 2.6610981371391014 1.5110831575575463
262 0 -0.2509521280020695 2.1941010436913313 -0.057150246955172554 -0.3472912965662657 0.43588589766471053 -0.13866919111919573 -0.5221069487941108 0.06459135426761875
263 1 -0.2509521280020695 0.6292437773376767 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.25289651194101437 0.873187880144356 -0.5310229176752926
264 0 0.04601433471840714 -0.8104249077076857 0.046245252836517724 0.7190857419965673 -0.6928905722954675 0.013633903309896358 0.42319019721831364 -0.7862861770793975
265 0 -0.2509521280020695 0.6605409226647497 0.5632227517949692 -0.3472912965662657 -0.6928905722954675 0.05170967691716893 -0.8210986978523536 2.532136195173966
266 1 0.04601433471840714 0.06589516145036094 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 0.0009419787741385332 -0.7425756122410979 0.14967910740232038
267 0 0.34298079743888377 -0.7791277623806127 0.2530362524198983 -0.1591071132904716 -0.11113654546983728 0.20401277134626103 1.585935888000369 0.8303811324799334
268 1 -1.1418515161634994 0.5353523413564574 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.5466947338117168 1.3926482926495862 -0.7011984239446959
269 0 -0.5479185907225461 0.22238088808572642 -0.2639412465385531 1.3463663529158807 -0.6928905722954675 1.0162959416347501 1.9000282304453922 -0.7862861770793975
270 0 -1.1418515161634994 -0.5913448904181741 -0.8843142452886948 -1.2882122129452358 -0.6928905722954675 -0.8748008141931387 -1.1895531764897842 -1.0415494364835023
271 1 -0.5479185907225461 0.7857295039730422 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.5701946253349555 -0.7002939507581141 -0.445935164540591
272 1 1.8278131110412668 -0.6226420357452472 0.87340925117004 1.032726047456224 -0.6928905722954675 1.7270437156371783 2.0057323841528514 0.40494236680642526
273 0 -0.5479185907225461 -0.4035620184557355 -0.3673367463302434 0.7190857419965673 -0.2066484006203139 -0.8621088896573814 -1.0385472426219848 -1.0415494364835023
274 0 -0.2509521280020695 0.034598016123287834 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 -1.1413312294440494 -0.6580122892751302 0.5751178730758285
275 0 -0.8448850534430228 -1.56155639555744 0.45982725200327884 1.8481908416513315 -0.3021602557707905 0.15324507320323064 -0.15063235147932422 -1.0415494364835023
276 0 2.718712499202697 -0.4661563091098817 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.2801643185608071 -0.6670726453071982 1.596170910692248
277 0 -0.5479185907225461 -0.6539391810723203 0.046245252836517724 1.9736469638351941 -0.1979655046975433 1.0797555643135384 0.619497911246453 -0.7011984239446959
278 1 0.9369137228798371 -0.4661563091098817 -0.47073224612193365 0.21726125326111648 -0.6928905722954675 -0.697113870692532 -0.5311673048261788 -0.3608474114058894
279 0 -1.1418515161634994 -0.5287505997640279 -0.2639412465385531 0.15453319216918512 0.3143253547459221 -0.5321188517276825 -0.053988553803932485 -0.8713739302140991
280 0 0.34298079743888377 -0.21577914649329694 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.9001846632646544 0.8218458626293041 2.021609676365756
281 0 -0.5479185907225461 -0.4035620184557355 -0.3673367463302434 -0.6609316020259224 1.7209544942347592 -0.8494169651216236 1.2356021214270745 -0.9564616833488008
282 1 -1.1418515161634994 0.7857295039730422 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.7497655263838393 -0.4164027950866511 -0.445935164540591
283 0 1.8278131110412668 0.2536780334127995 0.35643175221158857 0.46817349762884186 0.36642273028254574 0.49592703566868646 -0.5794892036638745 0.4900301199411269
284 0 0.9369137228798371 0.3788666147210919 0.9768047509617303 -0.3472912965662657 0.6529582957339756 0.05170967691716893 -0.6338513398562823 0.31985461367172363
285 1 0.9369137228798371 1.2551866838791386 0.87340925117004 -1.2882122129452358 -0.6928905722954675 -0.20212881379798395 -0.9268028515598132 1.1707321450187398
286 1 -0.5479185907225461 -0.4035620184557355 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.6336542480137437 -0.6429116958883503 1.596170910692248
287 0 0.9369137228798371 0.4727580507023112 0.2530362524198983 0.34271737544497916 0.4793003772785635 -0.7605734933713201 0.5288943509257733 1.5110831575575463
288 0 0.34298079743888377 1.0674038119167 0.7700137513783497 1.4718224750997435 4.03928770561451 0.8513009226699011 0.44433102795980556 0.06459135426761875
289 1 -0.8448850534430228 -0.059293419857931455 0.87340925117004 1.1581821696400867 1.2173465307140645 1.7270437156371783 1.0151334579800875 -0.3608474114058894
290 0 0.04601433471840714 -0.7791277623806127 -0.6775232457053142 -0.22183517438240297 -0.2674286720797081 -1.4205535692307176 -0.39828208302251517 -0.6161106708099943
291 0 0.34298079743888377 -0.4035620184557355 0.149640752628208 1.409094414007812 -0.04167337808767248 0.5213108847402022 -0.6308312211789263 -0.020496398867082873
292 0 -1.1418515161634994 -1.3424763782679283 0.9768047509617303 0.5309015587207732 -0.3455747353846435 0.6228462810262629 -0.11439092735105232 -1.0415494364835023
293 1 -1.1418515161634994 -0.4348591637828086 -0.3673367463302434 0.5936296198127046 -0.050356274010443076 0.5847705074189904 0.861107405434932 -0.7011984239446959
294 1 -0.5479185907225461 0.22238088808572642 0.45982725200327884 1.032726047456224 0.8873964856487817 1.435129451314752 2.2715028277601785 -0.19067190513648613
295 1 -0.8448850534430228 0.22238088808572642 -1.0911052448720753 1.5345505361916747 0.991591236722029 1.0797555643135384 0.4262103158956696 -0.7862861770793975
296 0 -1.1418515161634994 1.2551866838791386 -0.9877097450803851 -1.2882122129452358 -0.6928905722954675 -1.2809423993373836 -0.6580122892751302 2.702311701443369
297 0 0.6399472601593604 0.9422152306084076 -0.3673367463302434 0.6563576809046359 0.3490569384370045 0.44515933752565606 0.6647996914067926 -0.445935164540591
298 1 -0.5479185907225461 0.7857295039730422 0.046245252836517724 1.0954541085481553 2.4329519599019482 -0.5067350026561672 -0.4073424390545831 -0.3608474114058894
299 0 -1.1418515161634994 0.15978659743158022 0.7700137513783497 0.5309015587207732 1.1739320511002114 -0.16405304019071093 0.14533927890156276 -0.7862861770793975
300 1 3.0156789619231734 -0.6539391810723203 0.45982725200327884 0.2799893143530478 0.9047622774943229 0.5847705074189904 -0.18083353825288412 1.0856443918840382
301 0 1.2338801856003137 -0.2783734371474431 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -1.0651796822295034 1.111777255655479 2.106697429500458
302 1 -1.1418515161634994 1.4429695558415772 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.03901775238141111 1.108757136978123 -0.27575965827118776
303 1 -0.5479185907225461 0.723135213318896 -0.5741277459136239 0.7818138030884986 0.4793003772785635 -0.049825719368891866 -0.15063235147932422 -0.7011984239446959
304 0 0.34298079743888377 -1.3737735235950015 0.6666182515866594 1.2836382918239493 -0.3282089435391023 0.48323511113292866 -0.9539839196560171 0.14967910740232038
305 1 0.34298079743888377 -0.18448200116622385 1.4937822499201816 -1.2882122129452358 -0.6928905722954675 2.653554206747486 -0.7939176297561497 -0.445935164540591
306 0 -0.2509521280020695 0.9109180852813346 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 -1.3951697201592024 -0.7999578671108617 0.31985461367172363
307 0 -0.5479185907225461 -0.027996274530858355 0.35643175221158857 1.032726047456224 0.21881349959544552 0.9782201680274775 -0.7757969176920138 -0.3608474114058894
308 1 1.8278131110412668 1.2551866838791386 -0.057150246955172554 0.15453319216918512 0.45325168951025174 -0.8240331160501083 -0.440563744505499 1.1707321450187398
309 0 -1.1418515161634994 0.5040551960293843 -0.057150246955172554 -0.410019357658197 0.5921780242745813 -0.9128765878004118 -0.9932454624616451 -1.0415494364835023
310 1 -1.1418515161634994 0.22238088808572642 -0.057150246955172554 -0.09637905219854027 0.8700306938032405 -0.18943688926222613 2.775862646878629 -0.7011984239446959
311 1 -0.5479185907225461 0.09719230677743403 -0.057150246955172554 0.46817349762884186 1.0871030918725055 0.11516929959595715 1.2174814093629387 -0.27575965827118776
312 0 0.6399472601593604 -1.2798820876137822 -0.16054574674686284 0.5936296198127046 -0.6928905722954675 -0.7351896442998049 -0.4798252873111269 0.6602056262105301
313 0 -1.1418515161634994 -0.4661563091098817 0.046245252836517724 1.032726047456224 0.5921780242745813 0.940144394420204 0.40204936647682166 -0.9564616833488008
314 1 -0.5479185907225461 1.0674038119167 0.2530362524198983 -0.22183517438240297 0.14066743629051012 -0.6844219461567741 -0.1174110460284083 -0.5310229176752926
315 0 -0.2509521280020695 -0.24707629182037003 -0.9877097450803851 -0.6609316020259224 0.04515558114003352 -0.31635613461980255 0.4654718587012975 -0.7011984239446959
316 1 0.9369137228798371 -0.3722648731286624 0.5632227517949692 0.6563576809046359 -0.6928905722954675 0.49592703566868646 1.978551316056648 0.8303811324799334
317 0 -0.5479185907225461 -0.2783734371474431 -0.057150246955172554 0.09180513107725377 0.12330164444496892 0.26747239402504924 -0.4737850499564149 -0.6161106708099943
318 0 -0.2509521280020695 -0.6852363263993934 0.5632227517949692 -0.5982035409339911 -0.13718523323814907 -1.6109324372670821 -0.5674087289544506 -0.27575965827118776
319 1 -0.2509521280020695 1.9124267357476736 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.18943688926222613 -0.38318148963573534 -0.3608474114058894
320 0 -0.2509521280020695 -0.18448200116622385 -0.16054574674686284 1.1581821696400867 0.5227148568924165 0.775149375455355 -0.9721046317201532 -0.445935164540591
321 1 0.6399472601593604 2.2879924796725506 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 -1.0778716067652612 -1.0355271239446289 2.1917851826351593
322 0 0.04601433471840714 0.2536780334127995 -0.47073224612193365 -0.5354754798420597 1.312858385864541 -0.5701946253349555 0.1664801096430547 -0.19067190513648613
323 1 -0.2509521280020695 -0.2783734371474431 0.2530362524198983 0.5936296198127046 -0.6928905722954675 -0.049825719368891866 -0.8301590538844216 -0.7011984239446959
324 1 -1.1418515161634994 0.09719230677743403 0.046245252836517724 -0.03365099110660893 -0.6928905722954675 -0.5828865498707133 -0.6580122892751302 0.234766860537022
325 1 2.718712499202697 0.9735123759354807 1.0802002507534205 0.7818138030884986 -0.4410865905351201 -0.6590380970852588 0.7825843198236763 0.8303811324799334
326 0 -0.5479185907225461 -0.2783734371474431 0.30473400231574344 0.7190857419965673 -0.6928905722954675 0.4705431865971717 -0.9781448690748651 -1.0415494364835023
327 0 -0.8448850534430228 1.129998102570846 0.149640752628208 0.029077069985322418 0.7658359427299933 -0.8113411915143505 -1.0536478360087647 -0.7862861770793975
328 1 -0.8448850534430228 0.034598016123287834 -0.2639412465385531 0.7190857419965673 0.6616411916567462 0.39439163938262567 0.6647996914067926 -0.27575965827118776
329 0 1.8278131110412668 1.8185352997664543 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.39439163938262567 -0.8210986978523536 0.31985461367172363
330 1 -0.5479185907225461 -0.5913448904181741 0.87340925117004 0.9699979863642927 0.3490569384370045 1.7143517911014206 -1.0415673612993408 -0.8713739302140991
331 0 0.6399472601593604 -0.4974534544369548 0.046245252836517724 0.7190857419965673 -0.10245364954706668 -0.1513611156549531 -1.0566679546861206 0.31985461367172363
332 0 1.2338801856003137 -0.09059056518500455 0.149640752628208 -0.09637905219854027 -0.6928905722954675 -1.1286393049082917 3.032572734453888 1.0856443918840382
333 0 -0.5479185907225461 -1.0608020703242704 -0.5741277459136239 -0.2845632354743343 -0.2413799843113963 0.08978545052444241 -0.9237827328824573 -0.7011984239446959
334 1 -0.8448850534430228 1.8498324450935275 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 1.435129451314752 -0.5734489663091626 0.6602056262105301
335 0 2.42174603648222 -0.4661563091098817 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -1.0651796822295034 -1.011366174525781 0.915468885614635
336 0 -0.8448850534430228 -0.8104249077076857 -0.47073224612193365 -0.1591071132904716 -0.18928260877477268 -1.0271039086222309 -0.6398915772109943 -0.9564616833488008
337 0 -1.1418515161634994 1.380375265187431 0.35643175221158857 1.409094414007812 1.5212478880110354 2.0189579799596036 -0.6429116958883503 -0.6161106708099943
338 0 -1.1418515161634994 -0.12188771051207764 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.22939662041777578 1.38962817397223 0.915468885614635
339 1 0.34298079743888377 -0.18448200116622385 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.38922172699044716 0.915468885614635
340 1 1.5308466483207903 0.9735123759354807 0.45982725200327884 0.84454186418043 0.7918846304983052 0.2801643185608071 1.2718435455553465 -0.020496398867082873
341 1 0.9369137228798371 1.7872381544393812 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 1.0036040170989922 -0.4254631511187191 0.6602056262105301
342 0 -0.8448850534430228 0.2849751787398726 0.046245252836517724 -0.4727474187501284 0.21881349959544552 -0.7732654179070779 0.0003735823884751878 -0.9564616833488008
343 0 -0.8448850534430228 -0.8104249077076857 0.2530362524198983 0.029077069985322418 -0.05903916993321368 -0.7732654179070779 0.6074174365370291 0.234766860537022
344 0 -0.8448850534430228 -3.78365371377963 -0.057150246955172554 0.9072699252723613 -0.6928905722954675 0.0009419787741385332 -0.25029626783207176 -0.9564616833488008
345 0 0.34298079743888377 0.034598016123287834 0.87340925117004 -1.2882122129452358 -0.6928905722954675 0.3436239412395953 -0.5492880168903147 -0.020496398867082873
346 0 1.2338801856003137 -0.8104249077076857 0.149640752628208 -1.2882122129452358 -0.6928905722954675 0.6101543564905051 0.039635125194103074 2.021609676365756
347 0 1.2338801856003137 0.15978659743158022 0.9768047509617303 0.9699979863642927 0.24486218736375734 0.8259170735983854 -0.37110101492631137 1.340907651288143
348 0 -0.8448850534430228 0.5666494866835304 -1.1945007446637657 -0.09637905219854027 0.02778978929449232 -0.41789153090586384 0.5500351816672653 -0.9564616833488008
349 0 -0.2509521280020695 -0.15318485583915073 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -1.0778716067652612 -0.8603602406579814 -0.8713739302140991
350 0 -0.2509521280020695 -0.6852363263993934 -0.3673367463302434 -0.09637905219854027 -0.050356274010443076 -1.2936343238731411 -0.5825093223412304 -0.6161106708099943
351 1 0.34298079743888377 -3.78365371377963 0.5632227517949692 0.7190857419965673 -0.6928905722954675 1.1432151869923266 -0.3801613709583794 0.31985461367172363
352 0 0.04601433471840714 -0.904316343688905 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 1.2955182814214186 -0.7093543067901821 -0.3608474114058894
353 0 0.04601433471840714 0.5040551960293843 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.6640525266298422 -0.27575965827118776
354 0 -0.2509521280020695 -1.874527848828171 0.6666182515866594 0.46817349762884186 -0.6928905722954675 0.3055481676323218 -0.6912335947260462 1.0856443918840382
355 0 -0.8448850534430228 -0.9669106343430512 -0.3673367463302434 -0.5354754798420597 -0.3195260476163317 -0.6082703989422285 0.3265463995429219 -0.7862861770793975
356 0 -0.2509521280020695 -0.9669106343430512 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 1.3589779041002068 0.2631239073184464 -1.0415494364835023
357 1 1.5308466483207903 1.380375265187431 0.9768047509617303 -1.2882122129452358 -0.6928905722954675 -0.20212881379798395 -0.5130465927620428 1.340907651288143
358 1 -0.8448850534430228 0.12848945210450713 -0.9877097450803851 1.220910230732018 0.7571530468072227 0.16593699773898754 1.4802317342929094 -0.445935164540591
359 1 2.718712499202697 0.2536780334127995 -3.572597239872642 0.5936296198127046 -0.6928905722954675 1.0036040170989922 0.293325094092006 0.915468885614635
360 0 2.42174603648222 -1.0295049249971975 0.2530362524198983 1.220910230732018 -0.22401419246585508 0.4197754884541404 -0.28351757328298766 1.2558198981534414
361 1 -0.8448850534430228 2.350586770326697 0.35643175221158857 0.9699979863642927 1.4691505124744118 0.5720785828832325 1.2174814093629387 -0.3608474114058894
362 1 0.34298079743888377 2.1315067530371854 -0.2639412465385531 0.7818138030884986 2.1290506026049774 -0.10059341751192272 0.33560675557498987 -0.3608474114058894
363 0 0.34298079743888377 1.1612952478979193 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -0.27828036101252956 -0.7999578671108617 2.532136195173966
364 0 0.34298079743888377 -0.560047745091101 2.010759748878633 1.032726047456224 -0.6928905722954675 0.9147605453486892 -0.5039862367299749 2.702311701443369
365 1 0.04601433471840714 0.7857295039730422 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.8259170735983854 0.14533927890156276 2.8724872077127723
366 0 0.04601433471840714 0.8170266493001153 0.2530362524198983 0.2799893143530478 1.8511979330763182 0.36900779031111003 -0.26237674254149573 -0.27575965827118776
367 0 0.34298079743888377 -0.6852363263993934 -0.7809187454970045 0.46817349762884186 0.02778978929449232 0.2547804694892914 0.08191678667708695 -0.27575965827118776
368 1 0.6399472601593604 0.09719230677743403 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -0.5575027007991976 -0.3137187600565476 -0.3608474114058894
369 0 -1.1418515161634994 -0.6226420357452472 -0.2639412465385531 -0.22183517438240297 -0.6928905722954675 -1.3951697201592024 -0.6640525266298422 -1.0415494364835023
370 0 -0.2509521280020695 -1.248584942286709 0.87340925117004 -0.2845632354743343 -0.11981944139260788 -0.5701946253349555 -0.5009661180526188 -0.9564616833488008
371 1 -0.8448850534430228 0.3788666147210919 1.7005732495035621 0.46817349762884186 0.5227148568924165 0.10247737506019933 -0.71841466282225 1.0005566387493365
372 1 -0.2509521280020695 1.6307524278040157 0.6666182515866594 1.722734719467469 3.3446560317928613 0.8132251490626276 5.028871180186196 -0.7011984239446959
373 0 -1.1418515161634994 -0.09059056518500455 -0.2639412465385531 0.15453319216918512 0.07988716483111592 -4.060473872668307 3.802702997179665 -1.0415494364835023
374 0 -1.1418515161634994 -1.1546935063054897 -0.2639412465385531 0.09180513107725377 -0.11981944139260788 0.48323511113292866 0.22084224583546255 -1.0415494364835023
375 0 -0.5479185907225461 -0.4974534544369548 -0.5741277459136239 1.220910230732018 0.12330164444496892 0.36900779031111003 -0.7455957309184539 -0.7011984239446959
376 0 -0.5479185907225461 0.034598016123287834 -0.8843142452886948 1.409094414007812 0.6790069835022874 0.53400280927596 1.0392944073989352 -0.445935164540591
377 1 2.42174603648222 0.5979466320106036 0.6666182515866594 1.409094414007812 2.1290506026049774 0.9147605453486892 0.1695002283204107 2.106697429500458
378 0 -1.1418515161634994 -0.7165334717264664 0.6666182515866594 -0.3472912965662657 0.03647268521726292 -0.8621088896573814 -0.5221069487941108 -0.9564616833488008
379 0 -0.8448850534430228 -1.0608020703242704 -0.47073224612193365 1.032726047456224 -0.04167337808767248 0.6609220546335364 0.11211797345064686 -0.9564616833488008
380 1 0.04601433471840714 1.0987009572437731 0.30473400231574344 -1.2882122129452358 -0.6928905722954675 2.069725678102634 -0.7063341881128261 -0.1055841520017845
381 0 -1.1418515161634994 -0.873019198361832 1.597177749711872 1.1581821696400867 -0.06772206585598428 1.4478213758505099 1.658418736256913 0.14967910740232038
382 0 -0.8448850534430228 -0.4348591637828086 0.149640752628208 0.5936296198127046 0.019106893371721723 -0.1513611156549531 1.054395000785715 -0.7862861770793975
383 0 -1.1418515161634994 -0.4974534544369548 -0.057150246955172554 0.09180513107725377 -0.6928905722954675 -1.5220889655167789 -0.712374425467538 -0.9564616833488008
384 0 -0.8448850534430228 -0.3722648731286624 -0.47073224612193365 -0.7863877242097851 0.8873964856487817 -0.8367250405858662 1.4349299541325697 -1.0415494364835023
385 0 -0.8448850534430228 -0.9669106343430512 -0.3673367463302434 -0.1591071132904716 -0.18059971285200208 -0.8748008141931387 2.4043880495638423 -0.7011984239446959
386 0 -0.8448850534430228 0.12848945210450713 0.046245252836517724 0.21726125326111648 0.2622279792092985 -0.9763362104791999 -0.7576762056278777 -0.7011984239446959
387 0 -0.8448850534430228 -0.059293419857931455 -0.7809187454970045 -0.4727474187501284 -0.2587457761569375 -1.230174701194353 -0.8059981044655736 -0.7862861770793975
388 1 0.34298079743888377 -0.15318485583915073 0.2530362524198983 0.5309015587207732 -0.6928905722954675 0.03901775238141111 0.5681558937314012 0.14967910740232038
389 1 1.2338801856003137 -0.4974534544369548 1.597177749711872 0.9699979863642927 -0.6928905722954675 1.435129451314752 -0.7033140694354701 1.0005566387493365
390 1 0.34298079743888377 0.723135213318896 0.6666182515866594 0.34271737544497916 1.7817347656941533 0.0009419787741385332 -0.06002879115864447 2.106697429500458
391 0 -0.2509521280020695 -0.6539391810723203 -0.057150246955172554 0.15453319216918512 0.010423997448951122 -0.049825719368891866 1.4409701914872817 -0.445935164540591
392 0 -0.8448850534430228 -0.6539391810723203 -0.16054574674686284 0.5309015587207732 1.0089570285675702 0.0009419787741385332 -0.0841897405774924 0.7452933793452318
393 1 0.34298079743888377 1.411672410514504 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 1.7397356401729362 -0.39828208302251517 -0.5310229176752926
394 0 -0.8448850534430228 0.3162723240669457 -0.2639412465385531 -0.410019357658197 2.9105112356543317 -1.052487757693746 -0.25029626783207176 -1.0415494364835023
395 0 0.04601433471840714 -0.15318485583915073 0.149640752628208 -0.5354754798420597 0.06252137298557472 -1.2555585502658682 -0.026807485707728566 0.31985461367172363
396 1 0.04601433471840714 1.1612952478979193 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.11516929959595715 1.0000328645933076 -0.19067190513648613
397 0 -0.5479185907225461 0.1910837427586533 -0.5741277459136239 0.21726125326111648 1.6949058064664475 -0.5448107762634402 3.4070674504460308 -0.7011984239446959
398 0 -0.2509521280020695 -0.7791277623806127 -0.6775232457053142 0.84454186418043 0.30564245882315155 -0.9255685123361695 1.4258695981005016 0.4900301199411269
399 1 -1.1418515161634994 0.3162723240669457 -0.16054574674686284 1.220910230732018 -0.6928905722954675 0.292856243096564 -0.8331791725617775 -0.9564616833488008
400 0 -0.2509521280020695 -1.217287796959636 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -1.3824777956234444 -0.25029626783207176 -0.7011984239446959
401 1 -0.2509521280020695 2.2566953343454776 0.046245252836517724 0.6563576809046359 -0.6928905722954675 0.36900779031111003 -0.6972738320807581 -0.7011984239446959
402 1 0.04601433471840714 -0.8104249077076857 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 0.0009419787741385332 -0.9388833262692372 -0.19067190513648613
403 0 0.6399472601593604 0.5040551960293843 -0.4190344962260885 -1.2882122129452358 -0.6928905722954675 -0.9890281350149578 -0.9690845130427972 1.8514341700963528
404 1 0.34298079743888377 0.4727580507023112 0.7700137513783497 1.2836382918239493 0.07120426890834532 0.3816997148468679 -0.5613684915997387 0.14967910740232038
405 0 1.5308466483207903 -1.530259250230367 0.45982725200327884 0.2799893143530478 -0.6928905722954675 -0.049825719368891866 -0.5794892036638745 0.40494236680642526
406 1 0.34298079743888377 1.4742667011686503 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 0.11516929959595715 -1.0174064118804929 0.6602056262105301
407 0 -0.5479185907225461 0.06589516145036094 -1.0911052448720753 0.7190857419965673 0.7397872549616815 1.2828263568856608 0.14533927890156276 -0.6161106708099943
408 1 0.04601433471840714 -0.18448200116622385 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -0.39250768183434864 -0.28955781063769964 1.0856443918840382
409 0 -1.1418515161634994 -0.6226420357452472 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -1.2809423993373836 -0.41036255773193914 -0.7011984239446959
410 1 1.2338801856003137 2.38188391565377 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.7732654179070779 2.1718389114074315 0.4900301199411269
411 1 -0.8448850534430228 1.5994552824769426 -0.057150246955172554 1.7854627805594 4.33450616698871 1.3209021304929334 0.6950008781803525 -0.445935164540591
412 0 0.6399472601593604 -0.5913448904181741 1.0802002507534205 1.1581821696400867 -0.6928905722954675 0.4705431865971717 0.610437555214385 -0.445935164540591
413 0 -0.8448850534430228 -0.2783734371474431 0.149640752628208 0.5936296198127046 0.8352991101121582 0.3055481676323218 0.1695002283204107 -0.7011984239446959
414 0 -0.8448850534430228 0.6918380679918229 0.7700137513783497 0.15453319216918512 1.9988071637634184 1.3209021304929334 1.8245252635114928 -0.9564616833488008
415 0 -0.8448850534430228 0.6918380679918229 0.2530362524198983 0.09180513107725377 -0.1632339210064609 -0.7351896442998049 -0.6519720519204183 -1.0415494364835023
416 1 -1.1418515161634994 0.5353523413564574 -0.47073224612193365 0.9072699252723613 0.7571530468072227 0.3309320167038375 0.18762094038454663 -1.0415494364835023
417 1 -0.2509521280020695 1.6307524278040157 0.7700137513783497 0.7818138030884986 3.422802095097797 0.4705431865971717 -0.6459318145657063 -0.9564616833488008
418 0 -0.8448850534430228 -0.7478306170535396 -0.057150246955172554 0.029077069985322418 -0.6928905722954675 -0.6082703989422285 1.8819075183812561 -0.9564616833488008
419 1 0.04601433471840714 0.723135213318896 0.6666182515866594 0.7190857419965673 -0.6928905722954675 0.8259170735983854 0.24802331393166646 0.31985461367172363
420 0 -0.8448850534430228 -1.185990651632563 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -1.7505436071604163 0.4594316213465855 -0.5310229176752926
421 1 -0.2509521280020695 0.2536780334127995 -0.2639412465385531 0.5309015587207732 0.30564245882315155 -0.7098057952282897 -0.7637164429825898 -0.445935164540591
422 0 -0.8448850534430228 -0.059293419857931455 0.9768047509617303 1.2836382918239493 0.7832017345755345 1.6889679420299049 0.10607773609593488 -0.6161106708099943
423 0 -0.5479185907225461 -0.8417220530347589 -0.057150246955172554 -0.1591071132904716 -0.03299048216490188 -0.7605734933713201 0.2691641446731584 -1.0415494364835023
424 0 -1.1418515161634994 -0.5913448904181741 -0.2639412465385531 1.597278597283606 -0.015624690319360679 1.092447488849296 0.07285643064501898 -1.0415494364835023
425 0 -0.5479185907225461 -0.18448200116622385 -0.2639412465385531 0.09180513107725377 -0.6928905722954675 -0.1513611156549531 -0.1536524701566802 -1.0415494364835023
426 1 1.2338801856003137 0.9422152306084076 0.45982725200327884 0.7190857419965673 1.1305175714863585 1.3843617531717216 0.1332588041921388 0.234766860537022
427 1 0.04601433471840714 1.9750210264018198 0.45982725200327884 1.1581821696400867 1.7122715983119887 0.6355382055620208 -0.6278111025015704 -0.19067190513648613
428 0 -1.1418515161634994 -0.8417220530347589 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.6519720519204183 -0.7011984239446959
429 1 -0.8448850534430228 1.8811295904206005 -0.2639412465385531 0.5936296198127046 0.8700306938032405 0.26747239402504924 -0.434523507150787 0.40494236680642526
430 0 -1.1418515161634994 0.4414609053752381 1.286991250336801 1.597278597283606 0.5661293365062695 1.092447488849296 -0.5674087289544506 -0.6161106708099943
431 1 -0.8448850534430228 -0.8104249077076857 0.6666182515866594 0.2799893143530478 0.8700306938032405 0.3816997148468679 -0.7214347814996059 0.8303811324799334
432 0 -0.5479185907225461 -0.6852363263993934 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -1.2428666257301106 -1.0989496161691046 -0.8713739302140991
433 0 -0.2509521280020695 -0.9982077796701243 0.2530362524198983 -0.2845632354743343 0.04515558114003352 -0.20212881379798395 0.23896295789959848 0.40494236680642526
434 0 -0.8448850534430228 -1.2798820876137822 0.2530362524198983 -0.5982035409339911 -0.17191681692923147 -0.25289651194101437 0.1664801096430547 -0.9564616833488008
435 0 -0.5479185907225461 0.5666494866835304 0.30473400231574344 -1.2882122129452358 -0.6928905722954675 -0.8113411915143505 -0.9207626142051013 -0.3608474114058894
436 0 -0.8448850534430228 -0.9669106343430512 -0.057150246955172554 -0.7863877242097851 -0.6928905722954675 -0.9509523614076848 2.0117726215075633 0.234766860537022
437 1 -1.1418515161634994 0.6292437773376767 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 1.3209021304929334 -0.8059981044655736 -0.3608474114058894
438 0 2.42174603648222 0.5979466320106036 0.8217115012741948 0.7818138030884986 -0.6928905722954675 0.6863059037050512 -0.6882134760486901 0.6602056262105301
439 0 0.34298079743888377 0.8170266493001153 0.30473400231574344 -1.2882122129452358 -0.6928905722954675 -0.26558843647677216 -0.11439092735105232 -0.445935164540591
440 0 -0.8448850534430228 -0.7478306170535396 0.046245252836517724 -0.3472912965662657 -0.6928905722954675 -1.7505436071604163 -0.9811649877522212 -1.0415494364835023
441 0 0.6399472601593604 -0.4348591637828086 0.9768047509617303 -1.2882122129452358 -0.6928905722954675 0.6101543564905051 0.7705038451142523 -0.19067190513648613
442 1 -1.1418515161634994 2.1315067530371854 1.8039687492952525 0.2799893143530478 -0.6928905722954675 0.292856243096564 -0.11137080867369632 0.6602056262105301
443 0 -0.5479185907225461 -1.185990651632563 -0.16054574674686284 0.15453319216918512 -0.2587457761569375 0.02632582784565418 0.07587654932237496 -0.9564616833488008
444 0 0.04601433471840714 -0.12188771051207764 -0.2639412465385531 0.4054454365369105 0.3490569384370045 0.15324507320323064 -0.7304951375316739 -0.7862861770793975
445 1 1.2338801856003137 -0.4035620184557355 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -0.18943688926222613 1.4590909035514177 -0.020496398867082873
446 1 0.04601433471840714 -0.12188771051207764 -0.3673367463302434 -0.5354754798420597 -0.6928905722954675 -0.29097228554828736 -0.27747733592827567 -0.27575965827118776
447 1 -1.1418515161634994 1.8498324450935275 0.45982725200327884 2.6636556358464394 -0.5713300293766791 3.478529301571733 5.88356476587794 -0.7011984239446959
448 0 -0.8448850534430228 -0.6539391810723203 0.149640752628208 -0.5354754798420597 -0.08508785770152548 -0.8494169651216236 0.5621156563766893 -0.445935164540591
449 0 -1.1418515161634994 -0.8104249077076857 0.5632227517949692 1.5345505361916747 0.10593585259942773 0.5720785828832325 -0.42848326979607504 -0.6161106708099943
450 1 -1.1418515161634994 -0.5287505997640279 -0.2639412465385531 1.032726047456224 -0.13718523323814907 0.20401277134626103 0.11513809212800286 -0.9564616833488008
451 0 -1.1418515161634994 -0.027996274530858355 0.2530362524198983 -0.1591071132904716 -0.14586812916091968 -0.18943688926222613 -0.5643886102770946 -0.6161106708099943
452 0 -0.8448850534430228 -1.217287796959636 -0.2639412465385531 -0.4727474187501284 0.13198454036773952 -1.3697858710876871 -0.17177318222081614 -0.8713739302140991
453 1 -0.5479185907225461 0.410163760048165 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -0.39250768183434864 0.21178188980339457 -0.8713739302140991
454 0 -1.1418515161634994 -0.9356134890159782 -0.057150246955172554 0.7190857419965673 1.1305175714863585 1.0036040170989922 -0.27445721725091965 -0.7011984239446959
455 0 -0.5479185907225461 -0.059293419857931455 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -1.5728566636598091 1.087616306236631 3.2979259733862807
456 0 -0.5479185907225461 -0.6539391810723203 -0.7809187454970045 0.46817349762884186 0.21881349959544552 0.7370736018480816 0.07889666799973095 -0.7862861770793975
457 1 3.0156789619231734 1.6933467184581619 -0.3673367463302434 0.5936296198127046 -0.6928905722954675 0.20401277134626103 -0.7848572737240816 0.40494236680642526
458 0 -0.8448850534430228 0.4414609053752381 -0.7809187454970045 -1.2882122129452358 -0.6928905722954675 -0.6717300216210167 0.6496990980200129 2.4470484420392644
459 0 0.34298079743888377 -1.0920992156513436 -0.057150246955172554 0.46817349762884186 -0.07640496177875487 -0.22751266286949914 -0.3257992347659715 -0.7862861770793975
460 1 1.8278131110412668 0.8483237946271883 0.7700137513783497 1.722734719467469 1.3649557614011647 0.7116897527765668 1.598016362709793 1.5110831575575463
461 0 1.5308466483207903 0.410163760048165 0.2530362524198983 0.7818138030884986 -0.17191681692923147 -0.7732654179070779 -0.03586784173979654 4.063715751598595
462 0 1.5308466483207903 -0.027996274530858355 0.149640752628208 0.09180513107725377 -0.2066484006203139 -1.4205535692307176 0.7886245571783882 1.2558198981534414
463 0 -0.8448850534430228 -1.56155639555744 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -1.2936343238731411 -0.16875306354346015 -0.6161106708099943
464 0 1.2338801856003137 -1.4676649595762208 0.046245252836517724 1.220910230732018 -0.2674286720797081 0.4197754884541404 0.7040612342124205 0.4900301199411269
465 0 0.34298079743888377 -1.0295049249971975 0.45982725200327884 0.5936296198127046 -0.6928905722954675 -0.5575027007991976 -0.6459318145657063 0.31985461367172363
466 0 1.8278131110412668 -0.18448200116622385 1.4937822499201816 -1.2882122129452358 -0.6928905722954675 -1.014411984086473 1.6614388549342691 0.06459135426761875
467 0 -1.1418515161634994 0.09719230677743403 -0.6775232457053142 -0.4727474187501284 0.21881349959544552 -1.2936343238731411 -0.06002879115864447 -1.0415494364835023
468 0 -1.1418515161634994 -1.4676649595762208 -0.8843142452886948 -0.6609316020259224 -0.3803063190757259 -0.5321188517276825 -0.6127105091147903 -0.9564616833488008
469 0 -1.1418515161634994 -0.7478306170535396 -0.2639412465385531 0.9699979863642927 0.17539901998159252 0.6101543564905051 0.3869487730900417 -0.7011984239446959
470 1 1.2338801856003137 -0.027996274530858355 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.25289651194101437 -0.8724407153674054 0.40494236680642526
471 0 0.6399472601593604 1.036106666589627 0.45982725200327884 1.2836382918239493 0.5227148568924165 1.7905033383159665 0.299365331446718 -0.5310229176752926
472 0 -0.8448850534430228 0.723135213318896 0.6666182515866594 1.220910230732018 -0.6928905722954675 1.1812909605995991 0.40808960383153364 -0.445935164540591
473 0 -1.1418515161634994 0.5040551960293843 0.046245252836517724 1.0954541085481553 -0.6928905722954675 0.15324507320323064 -0.9117022581730333 -0.9564616833488008
474 0 -1.1418515161634994 -0.059293419857931455 -0.16054574674686284 0.4054454365369105 -0.6928905722954675 0.8639928472056579 -0.6429116958883503 -0.9564616833488008
475 0 0.9369137228798371 0.4727580507023112 1.0802002507534205 -1.2882122129452358 -0.6928905722954675 -0.26558843647677216 -0.7908975110787937 1.4259954044228447
476 0 0.04601433471840714 -0.21577914649329694 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -0.39250768183434864 -1.0445874799766968 -0.7862861770793975
477 0 -1.1418515161634994 0.5040551960293843 0.7700137513783497 0.4054454365369105 -0.6928905722954675 -0.5955784744064706 -0.727475018854318 2.1917851826351593
478 1 -0.5479185907225461 -0.4974534544369548 0.5632227517949692 1.5345505361916747 0.9655425489537172 0.21670469588201885 0.7221819462765564 -0.3608474114058894
479 0 0.9369137228798371 -0.21577914649329694 0.35643175221158857 -0.22183517438240297 0.2622279792092985 -1.0397958331579882 -0.01774712967566059 -0.19067190513648613
480 0 1.2338801856003137 0.15978659743158022 0.2530362524198983 1.0954541085481553 -0.04167337808767248 -0.7732654179070779 -0.9358632075918812 0.4900301199411269
481 0 0.04601433471840714 0.3475694693940188 0.87340925117004 0.6563576809046359 -0.6928905722954675 -0.5067350026561672 -0.15969270751139217 2.532136195173966
482 1 -0.2509521280020695 1.1612952478979193 0.046245252836517724 0.5936296198127046 2.1550992903732893 0.44515933752565606 -0.38620160831309136 0.14967910740232038
483 0 -1.1418515161634994 0.06589516145036094 0.9768047509617303 1.032726047456224 -0.6928905722954675 0.4070835639183835 -0.8301590538844216 -0.3608474114058894
484 0 0.04601433471840714 -1.1233963609784168 -0.5741277459136239 0.09180513107725377 -0.2674286720797081 -0.5321188517276825 -0.5009661180526188 -0.445935164540591
485 0 -1.1418515161634994 -1.1546935063054897 0.6666182515866594 0.6563576809046359 0.39247141805085756 0.7878412999911129 -0.7214347814996059 -0.8713739302140991
486 1 -1.1418515161634994 0.754432358645969 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 1.5493567721365715 0.47755233341072145 -0.19067190513648613
487 1 -1.1418515161634994 0.4414609053752381 -0.057150246955172554 1.3463663529158807 1.4778334083971825 1.3082102059571756 -0.32277911608861554 -0.7862861770793975
488 0 -0.8448850534430228 0.5666494866835304 -0.3673367463302434 1.2836382918239493 3.4748994706344205 1.1051394133850538 0.19366117773925862 -1.0415494364835023
489 0 -1.1418515161634994 1.6307524278040157 0.45982725200327884 0.7190857419965673 1.6080768472387414 1.841271036458997 2.0751951137320397 2.106697429500458
490 0 0.04601433471840714 -0.6852363263993934 0.149640752628208 -0.22183517438240297 -0.6928905722954675 -0.8113411915143505 -0.5372075421808907 -0.445935164540591
491 0 1.2338801856003137 2.2879924796725506 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.7478815688355623 0.23896295789959848 2.8724872077127723
492 0 -0.5479185907225461 -1.185990651632563 -0.21224349664270797 0.46817349762884186 -0.11981944139260788 0.6101543564905051 0.4745322147333655 -0.7862861770793975
493 0 -0.5479185907225461 -0.9982077796701243 1.0802002507534205 0.5936296198127046 -0.6928905722954675 0.1913208468105032 -0.5432477795356028 0.7452933793452318
494 0 0.04601433471840714 -0.6852363263993934 -0.057150246955172554 1.0954541085481553 -0.6928905722954675 0.10247737506019933 -0.9872052251069331 -0.020496398867082873
495 1 0.04601433471840714 0.12848945210450713 0.046245252836517724 -0.1591071132904716 0.36642273028254574 -0.39250768183434864 2.0298933335716995 1.0005566387493365
496 0 -0.2509521280020695 -1.2798820876137822 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.8996217834636093 -0.9564616833488008
497 0 0.6399472601593604 1.411672410514504 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.6844219461567741 -0.5070063554073309 2.787399454578071
498 0 0.34298079743888377 -0.3409677278015893 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.7605734933713201 -0.5432477795356028 -0.27575965827118776
499 0 -0.5479185907225461 -1.248584942286709 0.149640752628208 -0.3472912965662657 -0.03299048216490188 -0.24020458740525652 0.22688248319017454 -0.7011984239446959
500 1 0.9369137228798371 2.319289624999624 0.046245252836517724 0.7818138030884986 0.5661293365062695 -0.8748008141931387 -0.9328430889145253 1.8514341700963528
501 0 0.6399472601593604 1.036106666589627 0.2530362524198983 0.7190857419965673 0.9829083407992584 -0.34173998369131775 1.108757136978123 0.4900301199411269
502 0 -0.5479185907225461 -0.12188771051207764 1.0802002507534205 -0.09637905219854027 -0.07640496177875487 -0.8621088896573814 -0.4798252873111269 -1.0415494364835023
503 0 -0.2509521280020695 -1.1546935063054897 0.149640752628208 0.7190857419965673 -0.6928905722954675 0.6609220546335364 -0.6187507464695023 -0.445935164540591
504 1 0.6399472601593604 -3.78365371377963 -0.057150246955172554 1.2836382918239493 -0.6928905722954675 0.8893766962771736 0.7705038451142523 0.6602056262105301
505 0 0.9369137228798371 -0.8417220530347589 -0.2639412465385531 0.2799893143530478 -0.006941794396590078 0.16593699773898754 0.8037251505651681 0.6602056262105301
506 0 -0.2509521280020695 -0.7791277623806127 0.45982725200327884 1.1581821696400867 -0.6928905722954675 0.6736139791692933 -0.7063341881128261 0.5751178730758285
507 0 1.8278131110412668 -1.4363678142491476 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 0.16593699773898754 -0.6308312211789263 0.40494236680642526
508 1 -1.1418515161634994 1.8498324450935275 1.0802002507534205 0.34271737544497916 0.08857006075388653 0.5720785828832325 -0.4768051686337709 0.14967910740232038
509 0 -0.8448850534430228 0.2849751787398726 -0.47073224612193365 0.15453319216918512 0.7832017345755345 -0.4305834554416212 0.6647996914067926 -1.0415494364835023
510 0 -0.5479185907225461 -1.1546935063054897 -0.9877097450803851 0.15453319216918512 -0.03299048216490188 -0.20212881379798395 1.4983524463570455 -1.0415494364835023
511 0 1.2338801856003137 -0.027996274530858355 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 -0.8874927387288966 -0.1898938942849521 2.6172239483086677
512 1 2.42174603648222 -1.1546935063054897 0.149640752628208 0.6563576809046359 -0.6928905722954675 -0.29097228554828736 -0.5281471861488227 1.0856443918840382
513 0 -1.1418515161634994 0.5666494866835304 -0.3673367463302434 -0.22183517438240297 1.1305175714863585 -1.2555585502658682 -0.7999578671108617 -1.0415494364835023
514 0 1.5308466483207903 -0.9356134890159782 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.9890281350149578 -0.8210986978523536 2.106697429500458
515 0 -0.5479185907225461 -0.9356134890159782 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -0.5955784744064706 0.16043987228834272 -0.9564616833488008
516 0 -0.2509521280020695 -0.6852363263993934 -0.7809187454970045 -0.09637905219854027 0.053838477062804126 -0.8113411915143505 -0.9600241570107292 -0.7862861770793975
517 1 -0.2509521280020695 1.3177809745332847 0.046245252836517724 -0.1591071132904716 0.21881349959544552 -0.049825719368891866 -0.6157306277921464 -0.445935164540591
518 1 1.5308466483207903 0.754432358645969 0.9768047509617303 0.84454186418043 0.7397872549616815 -0.21482073833374132 0.9033890669179159 1.6812586638269496
519 0 0.9369137228798371 0.12848945210450713 0.87340925117004 -1.2882122129452358 -0.6928905722954675 0.7116897527765668 -0.5070063554073309 1.5110831575575463
520 0 2.718712499202697 -1.4050706689220747 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 0.10247737506019933 -0.8815010713994734 0.6602056262105301
521 0 0.6399472601593604 0.2536780334127995 1.0802002507534205 -0.8491157853017165 2.137733498527748 -1.5728566636598091 0.3325866368976339 2.276872935769861
522 0 -0.5479185907225461 -1.6554478315386594 0.046245252836517724 0.7190857419965673 -0.11981944139260788 -0.8874927387288966 -0.8603602406579814 -0.7011984239446959
523 0 -0.2509521280020695 0.09719230677743403 0.5632227517949692 0.7818138030884986 0.43588589766471053 0.15324507320323064 -0.5039862367299749 -0.6161106708099943
524 0 0.6399472601593604 -0.21577914649329694 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.8543200033032695 -0.6161106708099943
525 1 1.5308466483207903 0.2849751787398726 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.2801643185608071 0.5439949443125532 1.0005566387493365
526 0 -0.2509521280020695 0.12848945210450713 -0.5741277459136239 -1.2882122129452358 -0.6928905722954675 -0.049825719368891866 -0.9690845130427972 -0.7862861770793975
527 0 -0.2509521280020695 -1.0608020703242704 -0.47073224612193365 -0.1591071132904716 -0.6928905722954675 -1.2936343238731411 -0.0841897405774924 -1.0415494364835023
528 0 -0.8448850534430228 -0.7478306170535396 -0.2639412465385531 -0.09637905219854027 0.019106893371721723 -1.7505436071604163 -0.5221069487941108 -1.0415494364835023
529 0 -0.2509521280020695 -0.15318485583915073 0.2530362524198983 -0.3472912965662657 0.21881349959544552 -0.7224977197640471 -1.1019697348464605 -0.7862861770793975
530 0 -1.1418515161634994 -0.12188771051207764 -0.16054574674686284 0.6563576809046359 0.9394938611854053 -0.1513611156549531 0.063796074612951 -0.9564616833488008
531 0 -1.1418515161634994 -0.30967058247451623 -0.21224349664270797 -1.2882122129452358 -0.6928905722954675 -0.938260436871927 0.5681558937314012 -0.19067190513648613
532 0 -0.5479185907225461 0.034598016123287834 -0.47073224612193365 -0.1591071132904716 0.22749639551821613 -0.27828036101252956 0.7403026583406923 -0.9564616833488008
533 0 -1.1418515161634994 -0.4348591637828086 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 1.6889679420299049 0.646678979342657 -0.7862861770793975
534 0 -0.8448850534430228 -1.0920992156513436 -0.16054574674686284 1.9736469638351941 -0.12850233731537847 1.1812909605995991 1.3443263938118903 -0.3608474114058894
535 0 0.6399472601593604 -0.9356134890159782 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.27828036101252956 0.08795702403179893 -0.19067190513648613
536 0 -0.8448850534430228 -1.3737735235950015 -0.6775232457053142 0.5936296198127046 -0.2066484006203139 0.16593699773898754 2.3530460320487903 -0.7862861770793975
537 1 0.04601433471840714 0.3475694693940188 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.11516929959595715 -0.5130465927620428 -0.8713739302140991
538 0 -1.1418515161634994 -0.4974534544369548 1.0802002507534205 -1.2882122129452358 -0.6928905722954675 -0.30366421008404476 -0.8301590538844216 1.0856443918840382
539 0 -1.1418515161634994 -1.9997164301364634 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -1.3063262484088989 0.7946647945331002 2.8724872077127723
540 0 -1.1418515161634994 0.1910837427586533 0.5632227517949692 1.032726047456224 1.1305175714863585 0.5466947338117168 1.0030529832706636 -0.8713739302140991
541 1 -0.2509521280020695 0.2536780334127995 1.183595750545111 1.7854627805594 0.6529582957339756 0.5593866583474747 1.4983524463570455 -0.1055841520017845
542 1 1.2338801856003137 -0.6539391810723203 0.2530362524198983 1.220910230732018 1.1739320511002114 0.940144394420204 0.5711760124087571 0.8303811324799334
543 1 -0.2509521280020695 0.22238088808572642 0.149640752628208 0.2799893143530478 0.9568596530309466 0.05170967691716893 0.2329227205448865 -0.5310229176752926
544 1 1.8278131110412668 -0.9669106343430512 0.8217115012741948 0.7190857419965673 -0.6928905722954675 0.36900779031111003 1.066475475495139 1.9365219232310544
545 0 0.04601433471840714 -1.1546935063054897 1.0802002507534205 0.15453319216918512 -0.2066484006203139 0.9528363189559619 -0.9449235636239492 -0.7011984239446959
546 0 -0.8448850534430228 -1.0295049249971975 0.45982725200327884 0.5309015587207732 -0.03299048216490188 0.0009419787741385332 -0.32277911608861554 -0.3608474114058894
547 1 1.2338801856003137 2.037615317055966 1.0802002507534205 0.9072699252723613 1.2607610103279174 0.31824009216807964 -0.14761223280196822 0.31985461367172363
548 1 0.34298079743888377 2.068912462383039 0.35643175221158857 0.4054454365369105 1.1044688837180467 1.4732052249220255 1.6976802790625412 1.6812586638269496
549 0 0.04601433471840714 0.3162723240669457 -0.057150246955172554 0.029077069985322418 0.7484701508844521 0.1405531486674728 -0.9419034449465933 -0.445935164540591
550 0 -0.8448850534430228 1.3490781198603579 0.6666182515866594 1.409094414007812 -0.11113654546983728 0.10247737506019933 -0.39526196434515914 1.4259954044228447
551 0 0.04601433471840714 2.1315067530371854 2.1141552486703232 0.6563576809046359 -0.6928905722954675 -0.44327537997737904 0.628558267278521 0.31985461367172363
552 0 -0.8448850534430228 -0.15318485583915073 0.046245252836517724 0.46817349762884186 -0.6928905722954675 -0.5828865498707133 -0.8090182231429296 -1.0415494364835023
553 0 -0.2509521280020695 -1.1546935063054897 -0.057150246955172554 0.5936296198127046 0.22749639551821613 -0.011749945761619291 0.3597677049938378 -0.7011984239446959
554 0 0.6399472601593604 -0.21577914649329694 0.9768047509617303 -1.2882122129452358 -0.6928905722954675 -0.5321188517276825 -0.6791531200166222 2.787399454578071
555 0 -0.8448850534430228 -1.0295049249971975 -0.3673367463302434 0.21726125326111648 -0.3108431516935611 -0.26558843647677216 -0.15063235147932422 -0.8713739302140991
556 0 -0.8448850534430228 -1.1546935063054897 -0.2639412465385531 0.15453319216918512 0.30564245882315155 0.6228462810262629 -0.0026465362888808035 -0.445935164540591
557 0 0.9369137228798371 0.09719230677743403 0.046245252836517724 0.7818138030884986 1.1739320511002114 -0.8240331160501083 -0.9388833262692372 0.31985461367172363
558 0 -0.8448850534430228 -0.7478306170535396 0.046245252836517724 1.220910230732018 -0.6928905722954675 0.775149375455355 -0.7667365616599457 -0.27575965827118776
559 0 1.2338801856003137 -0.3409677278015893 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 -0.5321188517276825 -0.7093543067901821 2.106697429500458
560 0 2.1247795737617436 -0.560047745091101 -0.057150246955172554 1.220910230732018 -0.6928905722954675 1.8031952628517243 -1.0445874799766968 0.7452933793452318
561 0 2.1247795737617436 -1.1233963609784168 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.24020458740525652 -0.5190868301167548 0.14967910740232038
562 1 0.6399472601593604 0.12848945210450713 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.22939662041777578 -1.0596880733634768 1.7663464169616512
563 1 -1.1418515161634994 2.4131810609808433 -0.16054574674686284 0.7190857419965673 1.6862229105436768 1.1812909605995991 0.09097714270915493 -0.445935164540591
564 0 -0.8448850534430228 -1.0608020703242704 -0.057150246955172554 0.84454186418043 -0.02430758624213128 0.7116897527765668 -0.21405484370379985 -0.7862861770793975
565 0 0.6399472601593604 -0.6852363263993934 -0.47073224612193365 -0.09637905219854027 -0.22401419246585508 -0.6463461725495016 0.07587654932237496 -0.1055841520017845
566 0 -1.1418515161634994 -0.9356134890159782 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 0.05170967691716893 0.38996889176739774 -0.5310229176752926
567 0 -0.5479185907225461 -0.8104249077076857 -0.7809187454970045 -0.410019357658197 0.07120426890834532 -0.7478815688355623 0.8339263373387281 -0.9564616833488008
568 0 -0.8448850534430228 -0.6852363263993934 0.149640752628208 0.5936296198127046 -0.5365984456855967 0.8386089981341432 -0.18083353825288412 -1.0415494364835023
569 0 0.6399472601593604 -0.904316343688905 -0.3673367463302434 0.7190857419965673 0.4011543139736281 0.0009419787741385332 -1.1684123457482922 1.0856443918840382
570 0 0.04601433471840714 1.036106666589627 0.149640752628208 0.5309015587207732 0.4011543139736281 -0.08790149297616488 -0.40432232037722715 0.31985461367172363
571 1 -1.1418515161634994 0.0033008707962147404 -0.16054574674686284 0.5936296198127046 0.7397872549616815 0.292856243096564 -0.8120383418202856 -0.020496398867082873
572 0 -0.2509521280020695 -1.3424763782679283 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.06440160145292675 -0.6096903904374343 0.4900301199411269
573 0 -0.5479185907225461 0.2849751787398726 1.3903867501284914 -1.2882122129452358 -0.6928905722954675 -1.19209892758708 -0.6157306277921464 -1.0415494364835023
574 0 -0.2509521280020695 -0.30967058247451623 -0.5741277459136239 0.6563576809046359 -0.3108431516935611 -0.31635613461980255 -0.12647140206047627 -0.9564616833488008
575 0 -0.5479185907225461 -0.7165334717264664 -0.47073224612193365 -0.22183517438240297 0.3490569384370045 0.3436239412395953 -0.8271389352070656 -0.9564616833488008
576 0 -0.8448850534430228 0.6918380679918229 0.87340925117004 0.5936296198127046 2.1724650822188303 -0.24020458740525652 1.2688234268779905 -0.8713739302140991
577 0 -0.8448850534430228 -0.059293419857931455 -1.2978962444554558 1.6600066583755375 -0.14586812916091968 0.44515933752565606 -0.5794892036638745 -0.7011984239446959
578 0 0.6399472601593604 -0.4035620184557355 -1.2978962444554558 -0.03365099110660893 0.43588589766471053 -1.014411984086473 1.030234051366867 0.14967910740232038
579 1 -0.5479185907225461 -0.09059056518500455 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 1.3843617531717216 0.6678198100841486 -1.0415494364835023
580 0 1.8278131110412668 0.3788666147210919 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.6336542480137437 -0.6851933573713341 0.234766860537022
581 1 -0.5479185907225461 2.38188391565377 0.046245252836517724 4.921865835155968 -0.6928905722954675 0.3436239412395953 0.3114458061561419 2.4470484420392644
582 1 -1.1418515161634994 0.9422152306084076 1.0802002507534205 1.597278597283606 -0.6928905722954675 1.2828263568856608 -0.3046584040244796 -1.0415494364835023
583 0 0.6399472601593604 -0.3722648731286624 -0.47073224612193365 0.4054454365369105 -0.6928905722954675 -0.8874927387288966 -0.8029779857882177 -0.5310229176752926
584 0 2.42174603648222 0.0033008707962147404 0.45982725200327884 -0.22183517438240297 -0.6928905722954675 -0.697113870692532 -0.6429116958883503 2.4470484420392644
585 0 1.2338801856003137 -0.6539391810723203 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.8513009226699011 -0.8512998846259134 0.7452933793452318
586 1 1.2338801856003137 0.09719230677743403 0.35643175221158857 0.21726125326111648 4.516846981366893 -0.41789153090586384 0.6496990980200129 1.596170910692248
587 0 -0.8448850534430228 -0.873019198361832 -0.6775232457053142 -0.5982035409339911 -0.6928905722954675 -1.2047908521228377 -0.16573294486610415 -0.9564616833488008
588 1 1.2338801856003137 0.6918380679918229 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 0.36900779031111003 -1.0355271239446289 0.6602056262105301
589 0 0.6399472601593604 -0.560047745091101 -0.16054574674686284 -1.2882122129452358 -0.6928905722954675 -0.9763362104791999 -0.6731128826619102 -0.3608474114058894
590 1 -0.2509521280020695 1.724643863785235 0.87340925117004 0.4054454365369105 0.6616411916567462 0.16593699773898754 2.060094520345259 1.596170910692248
591 0 -1.1418515161634994 -1.498962104903294 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -1.3824777956234444 -0.3922418456678032 -0.7011984239446959
592 1 2.1247795737617436 -0.30967058247451623 0.7700137513783497 1.220910230732018 -0.6928905722954675 1.8793468100662696 1.3684873432307383 1.0005566387493365
593 0 -0.5479185907225461 -0.2783734371474431 0.45982725200327884 1.8481908416513315 0.5227148568924165 0.940144394420204 -0.8966016647862534 -0.7862861770793975
594 1 -0.2509521280020695 0.3475694693940188 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 0.3055481676323218 -0.21103472502644385 0.915468885614635
595 0 -0.5479185907225461 -1.217287796959636 -0.8843142452886948 0.09180513107725377 0.30564245882315155 -0.44327537997737904 3.7060591995042738 -0.7011984239446959
596 0 0.6399472601593604 0.06589516145036094 0.149640752628208 1.5345505361916747 1.3041754899417703 0.20401277134626103 0.7886245571783882 0.06459135426761875
597 1 -1.1418515161634994 2.100209607710112 0.6666182515866594 -0.410019357658197 0.9134451734170935 0.0009419787741385332 0.634598504633233 -0.9564616833488008
598 0 -1.1418515161634994 -1.6867449768657325 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 1.6889679420299049 -0.8392194099164896 1.0856443918840382
599 0 -0.8448850534430228 -0.9982077796701243 -2.3318512423723585 -0.09637905219854027 -0.4758181742262025 -0.5321188517276825 0.2631239073184464 -1.0415494364835023
600 1 -0.8448850534430228 1.6307524278040157 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 0.6101543564905051 -1.1593519897162243 0.40494236680642526
601 0 -0.8448850534430228 -0.3722648731286624 -1.6080827438305267 -0.1591071132904716 0.3490569384370045 -1.1286393049082917 -0.19593413163966408 -0.6161106708099943
602 0 -0.8448850534430228 -0.4035620184557355 0.9768047509617303 -0.09637905219854027 -0.6928905722954675 -0.6209623234779859 -0.21707496238115584 -0.7862861770793975
603 0 0.6399472601593604 -0.7791277623806127 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -1.052487757693746 -0.8512998846259134 -0.445935164540591
604 0 -0.8448850534430228 0.09719230677743403 0.2530362524198983 0.9699979863642927 -0.6928905722954675 -0.5321188517276825 -1.1231105655879523 -0.27575965827118776
605 1 0.9369137228798371 0.9109180852813346 0.45982725200327884 0.5309015587207732 0.4011543139736281 0.4070835639183835 0.6647996914067926 1.7663464169616512
606 1 0.04601433471840714 1.9437238810747468 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.45596730451313683 -0.7848572737240816 0.234766860537022
607 0 -0.8448850534430228 0.09719230677743403 -0.47073224612193365 0.7190857419965673 -0.6928905722954675 0.48323511113292866 0.12721856683742683 -1.0415494364835023
608 1 -0.8448850534430228 1.8811295904206005 0.45982725200327884 1.3463663529158807 1.8511979330763182 1.0162959416347501 2.3741868627902822 -0.9564616833488008
609 0 -0.8448850534430228 -0.904316343688905 -0.3673367463302434 0.2799893143530478 -0.3368918394618729 -1.585548588195567 0.0305747691620351 -0.7011984239446959
610 0 -1.1418515161634994 0.9735123759354807 0.6666182515866594 1.1581821696400867 1.6688571186981356 1.2066748096711146 -0.6096903904374343 -0.5310229176752926
611 0 -0.8448850534430228 -0.30967058247451623 -0.3673367463302434 -0.4727474187501284 0.8873964856487817 -1.014411984086473 -1.008346055848425 -0.8713739302140991
612 0 -0.2509521280020695 -0.4661563091098817 -0.7809187454970045 0.029077069985322418 0.6790069835022874 -0.13866919111919573 -0.5432477795356028 -0.7862861770793975
613 1 -0.2509521280020695 1.662049573131089 -0.5741277459136239 0.09180513107725377 0.991591236722029 0.11516929959595715 0.3658079423485498 0.234766860537022
614 1 0.9369137228798371 1.4742667011686503 0.9768047509617303 1.3463663529158807 2.094319018913895 0.7878412999911129 0.9517109657556118 0.5751178730758285
615 0 0.6399472601593604 -0.4974534544369548 0.5632227517949692 0.46817349762884186 -0.6928905722954675 0.06440160145292675 1.2265417653950066 -0.6161106708099943
616 1 2.1247795737617436 0.5353523413564574 0.2530362524198983 0.34271737544497916 0.5574464405834989 0.5213108847402022 0.25708366996373444 1.4259954044228447
617 0 -0.2509521280020695 -0.4661563091098817 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -0.7859573424428353 -0.7999578671108617 -0.5310229176752926
618 0 0.6399472601593604 -0.12188771051207764 1.3903867501284914 -1.2882122129452358 -0.6928905722954675 -0.41789153090586384 -0.9509638009786612 -0.27575965827118776
619 0 -0.5479185907225461 -1.6554478315386594 -0.3673367463302434 -0.4727474187501284 -0.5626471334539085 -1.509397040981021 -0.6489519332430622 -0.8713739302140991
620 1 1.5308466483207903 -0.2783734371474431 0.6666182515866594 0.21726125326111648 -0.6928905722954675 -0.481351153584652 2.4466697110468263 1.4259954044228447
621 1 -1.1418515161634994 -0.059293419857931455 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.05170967691716893 -0.9992856998163571 -0.7862861770793975
622 0 -0.5479185907225461 -0.2783734371474431 0.87340925117004 1.3463663529158807 0.6963727753478285 0.8132251490626276 -0.6821732386939782 -0.445935164540591
623 0 -0.5479185907225461 -0.904316343688905 0.35643175221158857 -0.03365099110660893 -0.6928905722954675 -0.9890281350149578 3.703039080826917 -0.445935164540591
624 0 0.6399472601593604 1.9437238810747468 1.286991250336801 -1.2882122129452358 -0.6928905722954675 1.117831337920811 2.9872709542935483 1.0005566387493365
625 0 -1.1418515161634994 -0.8417220530347589 0.046245252836517724 0.4054454365369105 0.30564245882315155 1.4605133003862676 -0.37714125228102335 -1.0415494364835023
626 0 -0.5479185907225461 -0.4035620184557355 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -0.1513611156549531 -0.9479436823013052 -1.0415494364835023
627 0 0.04601433471840714 -0.9669106343430512 0.9768047509617303 1.6600066583755375 -0.22401419246585508 0.7243816773123246 -0.3318394721206835 -0.3608474114058894
628 0 -1.1418515161634994 0.12848945210450713 -0.057150246955172554 -1.2882122129452358 -0.6928905722954675 -0.9255685123361695 -0.8029779857882177 -1.0415494364835023
629 0 -1.1418515161634994 0.3475694693940188 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.05170967691716893 -0.2382157931226478 -1.0415494364835023
630 0 0.34298079743888377 0.22238088808572642 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 0.3309320167038375 -0.9902253437842891 1.0005566387493365
631 0 0.04601433471840714 -0.8417220530347589 -0.21224349664270797 0.09180513107725377 -0.6928905722954675 -0.9255685123361695 -0.9781448690748651 -1.0415494364835023
632 1 0.9369137228798371 -0.21577914649329694 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -0.5828865498707133 0.7856044385010322 0.06459135426761875
633 0 -1.1418515161634994 -0.5913448904181741 0.45982725200327884 1.220910230732018 0.08857006075388653 0.31824009216807964 -0.7063341881128261 -0.7862861770793975
634 0 -0.5479185907225461 -0.30967058247451623 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -0.7351896442998049 -0.38922172699044716 -0.8713739302140991
635 0 -0.8448850534430228 0.22238088808572642 0.6666182515866594 -0.22183517438240297 0.8960793815715523 -0.5701946253349555 -1.0778087854276126 -0.9564616833488008
636 0 1.8278131110412668 -0.904316343688905 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -0.7732654179070779 -0.9207626142051013 -0.19067190513648613
637 1 2.718712499202697 -0.5287505997640279 0.149640752628208 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 -0.020767248353016583 0.40494236680642526
638 0 0.34298079743888377 -0.5287505997640279 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.405199606370106 -0.9630442756880851 1.2558198981534414
639 0 -0.5479185907225461 -0.8417220530347589 0.35643175221158857 -0.1591071132904716 -0.11981944139260788 -0.049825719368891866 0.5349345882804853 -0.8713739302140991
640 1 0.9369137228798371 -0.7478306170535396 0.35643175221158857 0.7190857419965673 0.09725295667665712 1.1305232624565686 1.2054009346535146 -0.1055841520017845
641 0 -0.8448850534430228 -0.6539391810723203 0.2530362524198983 -0.5354754798420597 -0.29347735984801987 -1.585548588195567 -0.9751247503975091 -0.445935164540591
642 0 -1.1418515161634994 -0.5913448904181741 0.87340925117004 -0.22183517438240297 0.21881349959544552 -0.34173998369131775 0.6738600474388605 -0.5310229176752926
643 0 0.04601433471840714 0.22238088808572642 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 0.292856243096564 -0.5100264740846868 -0.7862861770793975
644 1 0.6399472601593604 0.8170266493001153 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.31635613461980255 -0.8875413087541854 1.4259954044228447
645 0 0.04601433471840714 -0.9669106343430512 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.5067350026561672 0.41714995986360165 -0.19067190513648613
646 0 -0.2509521280020695 -0.560047745091101 0.149640752628208 0.5936296198127046 0.6269096079656638 -0.5575027007991976 0.7795642011463203 -0.5310229176752926
647 0 -0.5479185907225461 1.129998102570846 0.2530362524198983 0.9072699252723613 3.1275836337235963 0.940144394420204 -1.0204265305578488 -0.27575965827118776
648 1 -0.8448850534430228 1.4429695558415772 0.2530362524198983 -0.22183517438240297 0.5574464405834989 -1.0905635313010191 -0.07512938454542442 -0.020496398867082873
649 1 -1.1418515161634994 1.8185352997664543 -0.9877097450803851 0.9699979863642927 0.6876898794250579 0.7370736018480816 -0.05096843512657649 -0.9564616833488008
650 1 2.1247795737617436 0.4727580507023112 0.7700137513783497 0.9072699252723613 0.43588589766471053 -0.46865922904889423 -0.6398915772109943 0.7452933793452318
651 0 -1.1418515161634994 -0.4348591637828086 -0.47073224612193365 0.2799893143530478 -0.6928905722954675 -0.7098057952282897 -1.0234466492352048 -0.8713739302140991
652 0 -0.8448850534430228 -0.9356134890159782 -0.7809187454970045 0.2799893143530478 0.17539901998159252 -0.8621088896573814 -0.71841466282225 -0.8713739302140991
653 0 -0.8448850534430228 -0.12188771051207764 -0.47073224612193365 0.15453319216918512 0.22749639551821613 0.22939662041777578 -0.01774712967566059 -0.5310229176752926
654 0 0.34298079743888377 0.06589516145036094 0.2530362524198983 1.220910230732018 -0.02430758624213128 0.26747239402504924 -0.6127105091147903 -0.445935164540591
655 0 -0.5479185907225461 -0.027996274530858355 -0.7809187454970045 -1.2882122129452358 -0.6928905722954675 -0.6590380970852588 -0.05096843512657649 -0.5310229176752926
656 0 -0.8448850534430228 -0.4661563091098817 0.046245252836517724 0.46817349762884186 0.4793003772785635 0.2801643185608071 -0.9962655811390011 -0.9564616833488008
657 1 -0.5479185907225461 1.0674038119167 -0.8843142452886948 0.4054454365369105 3.9958732260006564 0.8513009226699011 -0.7002939507581141 -0.7011984239446959
658 0 -0.5479185907225461 -0.6226420357452472 -0.5741277459136239 0.9072699252723613 0.08857006075388653 -1.2936343238731411 -0.9570040383333732 -0.9564616833488008
659 0 -0.8448850534430228 -0.027996274530858355 0.5632227517949692 1.722734719467469 1.0436886122586526 0.8766847717414158 2.0842554697641074 0.6602056262105301
660 0 2.1247795737617436 0.1910837427586533 1.9073642490869427 -1.2882122129452358 -0.6928905722954675 0.8893766962771736 -0.8512998846259134 1.5110831575575463
661 1 -0.2509521280020695 -1.2798820876137822 0.6666182515866594 0.6563576809046359 -0.08508785770152548 0.2801643185608071 2.476870897820386 -0.5310229176752926
662 0 1.8278131110412668 1.2864838292062117 0.7700137513783497 -1.2882122129452358 -0.6928905722954675 -0.5448107762634402 -0.8754608340447614 1.7663464169616512
663 1 -0.8448850534430228 2.4444782063079162 0.35643175221158857 1.409094414007812 -0.6928905722954675 1.3843617531717216 2.7849230029106966 -0.9564616833488008
664 1 1.2338801856003137 1.4429695558415772 1.9073642490869427 1.597278597283606 1.312858385864541 0.7116897527765668 -0.9268028515598132 0.8303811324799334
665 1 1.5308466483207903 0.754432358645969 0.5632227517949692 1.597278597283606 0.43588589766471053 0.7497655263838393 0.4986931641522134 0.5751178730758285
666 1 0.6399472601593604 -0.18448200116622385 -0.47073224612193365 1.1581821696400867 -0.6928905722954675 0.21670469588201885 -0.6851933573713341 0.5751178730758285
667 0 -0.8448850534430228 -0.2783734371474431 0.5632227517949692 1.5345505361916747 0.45325168951025174 0.35631586577535224 -0.7697566803373017 -0.7862861770793975
668 1 0.04601433471840714 0.754432358645969 0.6666182515866594 -0.1591071132904716 -0.6928905722954675 0.06440160145292675 -0.715394544144894 3.1277504671168774
669 1 1.8278131110412668 -0.30967058247451623 0.046245252836517724 0.4054454365369105 -0.6928905722954675 -0.5701946253349555 -0.9992856998163571 0.5751178730758285
670 0 0.6399472601593604 -0.7165334717264664 -0.5741277459136239 0.7818138030884986 0.9568596530309466 0.2547804694892914 -0.12647140206047627 0.8303811324799334
671 0 1.5308466483207903 1.036106666589627 0.45982725200327884 0.5936296198127046 0.17539901998159252 -0.13866919111919573 -0.9298229702371693 1.0005566387493365
672 0 0.6399472601593604 1.380375265187431 -0.057150246955172554 0.34271737544497916 0.7658359427299933 0.20401277134626103 0.4805724520880775 1.340907651288143
673 0 -0.8448850534430228 -0.6852363263993934 -0.5741277459136239 -0.6609316020259224 -0.6928905722954675 -0.8367250405858662 0.23896295789959848 -1.0415494364835023
674 0 1.8278131110412668 -1.6554478315386594 1.9073642490869427 0.15453319216918512 -0.2674286720797081 0.44515933752565606 -0.5643886102770946 1.1707321450187398
675 0 -0.2509521280020695 0.06589516145036094 1.597177749711872 0.9072699252723613 1.3910044491694764 3.211998886320822 1.2325820027497185 -0.9564616833488008
676 0 1.2338801856003137 -0.9356134890159782 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 0.4578512620614139 0.34768723028441384 2.957574960847474
677 1 0.6399472601593604 2.319289624999624 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -0.13866919111919573 -0.434523507150787 -0.19067190513648613
678 1 1.5308466483207903 1.0987009572437731 0.87340925117004 -1.2882122129452358 -0.6928905722954675 -0.9128765878004118 -0.7304951375316739 1.6812586638269496
679 0 -1.1418515161634994 -0.873019198361832 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 0.4197754884541404 -0.6308312211789263 -0.7011984239446959
680 1 -0.2509521280020695 0.0033008707962147404 -0.8843142452886948 -1.2882122129452358 -0.6928905722954675 0.5086189602044443 -1.0415673612993408 -0.7011984239446959
681 0 -0.5479185907225461 -0.6226420357452472 -0.5741277459136239 -0.22183517438240297 1.6080768472387414 -0.9890281350149578 0.4292304345730256 -0.8713739302140991
682 0 -0.5479185907225461 -2.0310135754635366 -0.6775232457053142 0.46817349762884186 -0.3021602557707905 -0.9890281350149578 -0.42244303244136305 -0.9564616833488008
683 1 -1.1418515161634994 1.2864838292062117 0.35643175221158857 0.9699979863642927 -0.6928905722954675 2.234720697067484 -0.3257992347659715 -0.6161106708099943
684 0 -1.1418515161634994 -0.8104249077076857 -0.2639412465385531 1.1581821696400867 0.21881349959544552 1.6001244702796018 -0.31975899741125957 -0.9564616833488008
685 1 0.04601433471840714 0.12848945210450713 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 0.03901775238141111 0.19366117773925862 -0.5310229176752926
686 0 0.34298079743888377 0.4727580507023112 0.6666182515866594 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 0.5077535201842813 3.0426627139821756
687 0 -0.5479185907225461 0.2536780334127995 0.2530362524198983 0.34271737544497916 1.0871030918725055 0.15324507320323064 0.3597677049938378 -0.7011984239446959
688 0 -0.2509521280020695 0.2849751787398726 -0.2639412465385531 -1.2882122129452358 -0.6928905722954675 -1.1286393049082917 -0.4768051686337709 -0.9564616833488008
689 0 -0.8448850534430228 -0.4348591637828086 -0.9877097450803851 -0.09637905219854027 -0.6928905722954675 -0.46865922904889423 -0.8784809527221175 -0.3608474114058894
690 0 -0.8448850534430228 0.5979466320106036 0.2530362524198983 0.34271737544497916 0.8700306938032405 -1.0017200595507152 1.075535831527207 -0.8713739302140991
691 1 -0.8448850534430228 0.723135213318896 0.6666182515866594 1.597278597283606 0.8700306938032405 1.7905033383159665 -0.4133826764092951 1.0856443918840382
692 0 1.2338801856003137 -0.4348591637828086 0.5632227517949692 -1.2882122129452358 -0.6928905722954675 -0.938260436871927 1.160099154493175 0.06459135426761875
693 1 2.718712499202697 1.1612952478979193 2.320946248253704 -1.2882122129452358 -0.6928905722954675 1.3082102059571756 -0.6489519332430622 0.915468885614635
694 0 -0.5479185907225461 0.0033008707962147404 0.046245252836517724 0.7190857419965673 0.13198454036773952 0.9020686208129315 1.2507027148138545 -0.8713739302140991
695 1 0.9369137228798371 0.2536780334127995 -0.057150246955172554 1.7854627805594 0.39247141805085756 0.8259170735983854 -0.09929033396427235 0.8303811324799334
696 0 -0.5479185907225461 -0.9669106343430512 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -1.0778716067652612 -0.8482797659485575 -0.7011984239446959
697 1 0.9369137228798371 0.6605409226647497 1.0802002507534205 0.21726125326111648 3.4748994706344205 -0.20212881379798395 -1.0385472426219848 0.8303811324799334
698 1 -0.2509521280020695 1.5055638464957233 0.2530362524198983 -0.09637905219854027 0.39247141805085756 -0.26558843647677216 -0.6157306277921464 -0.19067190513648613
699 0 -1.1418515161634994 -0.6852363263993934 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -0.8874927387288966 -0.6610324079524862 -0.9564616833488008
700 0 0.04601433471840714 0.1910837427586533 0.9768047509617303 -0.5982035409339911 0.6529582957339756 0.31824009216807964 0.38090853573532973 -0.445935164540591
701 0 0.04601433471840714 -0.09059056518500455 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 1.587432545743844 1.3050648510062623 -0.6161106708099943
702 0 -0.5479185907225461 0.034598016123287834 0.35643175221158857 0.4054454365369105 1.0436886122586526 0.49592703566868646 0.03359488783939109 -0.6161106708099943
703 1 0.6399472601593604 0.12848945210450713 0.45982725200327884 0.6563576809046359 -0.6928905722954675 -0.5575027007991976 0.28124461938258205 1.340907651288143
704 1 -0.8448850534430228 1.4742667011686503 0.9768047509617303 0.5309015587207732 -0.6928905722954675 0.3816997148468679 1.3080849696836183 1.596170910692248
705 0 -0.5479185907225461 0.2536780334127995 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 0.8259170735983854 -0.5070063554073309 0.6602056262105301
706 0 0.04601433471840714 -0.3409677278015893 0.35643175221158857 -0.03365099110660893 0.17539901998159252 -0.45596730451313683 -1.0687484293955447 -0.5310229176752926
707 0 0.6399472601593604 -1.2798820876137822 0.5632227517949692 0.9699979863642927 -0.6928905722954675 0.9909120925632344 -0.8905614274315414 -0.445935164540591
708 1 1.8278131110412668 -0.18448200116622385 -3.572597239872642 -1.2882122129452358 -0.6928905722954675 -4.060473872668307 -0.6368714585336382 -0.27575965827118776
709 0 -0.5479185907225461 0.1910837427586533 -1.1945007446637657 0.029077069985322418 2.2158795618326836 0.3055481676323218 -0.8935815461088974 -0.9564616833488008
710 1 1.5308466483207903 1.3490781198603579 0.45982725200327884 -1.2882122129452358 -0.6928905722954675 0.10247737506019933 -0.9781448690748651 1.0005566387493365
711 1 -0.5479185907225461 -0.873019198361832 -0.2639412465385531 0.7190857419965673 0.6963727753478285 0.7624574509195972 0.610437555214385 -0.8713739302140991
712 0 -0.2509521280020695 1.1612952478979193 -0.2639412465385531 -0.4727474187501284 2.6673901498167547 -0.10059341751192272 -0.5341874235035348 -0.7862861770793975
713 0 0.34298079743888377 0.15978659743158022 0.45982725200327884 0.4054454365369105 -0.5018668619945142 -0.30366421008404476 -0.09929033396427235 0.5751178730758285
714 1 1.8278131110412668 0.2536780334127995 -0.3673367463302434 0.9699979863642927 -0.6928905722954675 1.168599036063842 -0.09325009660956037 0.40494236680642526
715 0 -1.1418515161634994 0.410163760048165 -0.5741277459136239 -0.03365099110660893 1.833832141230777 -0.7098057952282897 -0.3620406588942434 -1.0415494364835023
716 0 -0.2509521280020695 -0.5913448904181741 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 -0.31635613461980255 -1.0596880733634768 -0.1055841520017845
717 1 0.9369137228798371 2.068912462383039 -0.9877097450803851 0.7818138030884986 2.7108046294306076 0.2420885449535336 1.069495594172495 0.06459135426761875
718 1 -0.2509521280020695 1.6307524278040157 0.45982725200327884 1.1581821696400867 0.9134451734170935 0.22939662041777578 1.5043926837117574 -0.19067190513648613
719 0 1.8278131110412668 -0.8417220530347589 0.149640752628208 -0.1591071132904716 -0.6928905722954675 -1.1286393049082917 0.3718481797032618 1.9365219232310544
720 0 -0.8448850534430228 -0.4035620184557355 -0.47073224612193365 1.597278597283606 0.8526649019576994 0.44515933752565606 -0.17177318222081614 -0.7862861770793975
721 1 0.34298079743888377 -0.7478306170535396 0.35643175221158857 0.4054454365369105 -0.6928905722954675 0.4578512620614139 -0.28351757328298766 1.596170910692248
722 0 0.04601433471840714 -1.185990651632563 0.87340925117004 -0.09637905219854027 -0.6928905722954675 -0.34173998369131775 -0.4677448126017029 0.06459135426761875
723 0 -0.8448850534430228 -0.21577914649329694 -0.16054574674686284 0.9699979863642927 1.0436886122586526 0.775149375455355 -0.5523081355676707 -1.0415494364835023
724 1 -0.8448850534430228 0.8796209399542614 -0.057150246955172554 0.5309015587207732 0.4098372098963987 -0.34173998369131775 -0.37110101492631137 0.7452933793452318
725 0 0.34298079743888377 -0.12188771051207764 0.87340925117004 0.5936296198127046 0.21881349959544552 0.9020686208129315 -0.6670726453071982 0.7452933793452318
726 0 -0.8448850534430228 -0.30967058247451623 1.286991250336801 -1.2882122129452358 -0.6928905722954675 0.10247737506019933 -0.6247909838242143 1.0005566387493365
727 0 0.04601433471840714 -0.2783734371474431 0.45982725200327884 1.220910230732018 -0.6928905722954675 0.940144394420204 -0.712374425467538 0.40494236680642526
728 0 -0.8448850534430228 -0.15318485583915073 0.45982725200327884 0.5309015587207732 0.8700306938032405 0.5213108847402022 0.07285643064501898 -0.7011984239446959
729 0 -1.1418515161634994 0.6292437773376767 0.7700137513783497 0.34271737544497916 -0.6928905722954675 0.05170967691716893 -0.1174110460284083 -0.9564616833488008
730 0 -0.5479185907225461 1.6933467184581619 0.9768047509617303 -1.2882122129452358 -0.6928905722954675 -1.1540231539798074 -0.440563744505499 -0.9564616833488008
731 0 -0.5479185907225461 -0.904316343688905 -0.8843142452886948 -1.2882122129452358 -0.6928905722954675 -0.24020458740525652 -0.9992856998163571 -0.9564616833488008
732 1 -0.2509521280020695 0.2849751787398726 0.45982725200327884 0.15453319216918512 -0.006941794396590078 -0.45596730451313683 -0.449624100537567 0.06459135426761875
733 1 1.2338801856003137 -0.027996274530858355 0.87340925117004 -1.2882122129452358 -0.6928905722954675 -0.45596730451313683 -0.6429116958883503 -0.9564616833488008
734 1 -0.5479185907225461 1.662049573131089 0.9768047509617303 1.032726047456224 0.3490569384370045 1.587432545743844 0.5258742322484173 -0.7862861770793975
735 0 -0.5479185907225461 -0.4661563091098817 -0.6775232457053142 0.4054454365369105 0.7397872549616815 -0.3798157572985908 -0.13855187676990025 -0.9564616833488008
736 0 -0.5479185907225461 -0.4974534544369548 0.30473400231574344 -1.2882122129452358 -0.6928905722954675 -1.1032554558367764 0.2661440259958024 1.6812586638269496
737 0 0.04601433471840714 -0.8104249077076857 -0.47073224612193365 0.7190857419965673 -0.6928905722954675 0.43246741298989827 -0.5674087289544506 -0.445935164540591
738 0 -1.1418515161634994 0.15978659743158022 0.87340925117004 0.4054454365369105 0.3490569384370045 -0.5828865498707133 0.13023868551478282 -1.0415494364835023
739 0 1.2338801856003137 -1.7493392675198787 0.149640752628208 0.15453319216918512 -0.6928905722954675 0.0009419787741385332 0.3869487730900417 0.7452933793452318
740 0 -0.5479185907225461 -0.6852363263993934 -0.47073224612193365 -0.22183517438240297 0.6963727753478285 0.5847705074189904 -0.05700867248128848 -1.0415494364835023
741 1 -0.8448850534430228 -0.5913448904181741 0.2530362524198983 -1.2882122129452358 -0.6928905722954675 0.9528363189559619 -0.5402276608582467 0.7452933793452318
742 1 2.1247795737617436 -0.027996274530858355 0.5632227517949692 1.032726047456224 0.6095438161201225 1.3082102059571756 0.9456707284008997 1.2558198981534414
743 0 -0.2509521280020695 -0.5913448904181741 -1.2978962444554558 -0.03365099110660893 0.12330164444496892 -0.1513611156549531 -0.21707496238115584 -0.6161106708099943
744 0 -0.8448850534430228 -0.3722648731286624 -0.5741277459136239 -0.1591071132904716 0.3143253547459221 -0.44327537997737904 -0.7637164429825898 -0.9564616833488008
745 1 1.5308466483207903 0.5979466320106036 1.286991250336801 -1.2882122129452358 -0.6928905722954675 0.08978545052444241 0.7916446758557442 1.0005566387493365
746 0 2.718712499202697 1.0048095212625539 0.9768047509617303 1.032726047456224 0.5227148568924165 1.092447488849296 2.1204968938923794 0.4900301199411269
747 0 2.42174603648222 -0.6539391810723203 0.7700137513783497 0.7818138030884986 0.21881349959544552 -0.25289651194101437 0.048695481226171046 1.0856443918840382
748 1 -0.8448850534430228 0.8170266493001153 1.286991250336801 1.2836382918239493 -0.6928905722954675 2.1966449234602106 -0.34391994683010746 -0.5310229176752926
749 0 -0.8448850534430228 -1.248584942286709 0.2530362524198983 1.2836382918239493 -0.1979655046975433 1.8158871873874813 1.8849276370586125 -0.1055841520017845
750 1 -0.2509521280020695 2.068912462383039 0.046245252836517724 0.09180513107725377 1.0436886122586526 0.5593866583474747 -0.1929140129623081 0.234766860537022
751 1 0.6399472601593604 1.2864838292062117 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -0.9763362104791999 -0.8875413087541854 1.4259954044228447
752 1 0.04601433471840714 0.4727580507023112 0.046245252836517724 -1.2882122129452358 -0.6928905722954675 -0.10059341751192272 2.144657843311227 -0.9564616833488008
753 0 -0.8448850534430228 0.0033008707962147404 0.45982725200327884 1.1581821696400867 -0.050356274010443076 0.8893766962771736 -0.6368714585336382 -0.445935164540591
754 0 -0.2509521280020695 -0.4035620184557355 -0.3673367463302434 0.21726125326111648 -0.6928905722954675 -0.7605734933713201 -0.7516359682731659 -0.7011984239446959
755 1 -1.1418515161634994 1.8811295904206005 0.9768047509617303 1.4718224750997435 3.7353863483175385 1.435129451314752 -0.7546560869505219 -0.6161106708099943
756 1 1.2338801856003137 1.036106666589627 0.45982725200327884 0.7190857419965673 -0.6928905722954675 0.05170967691716893 -0.0872098592548484 1.0005566387493365
757 1 -0.8448850534430228 0.22238088808572642 0.9768047509617303 1.1581821696400867 0.2622279792092985 0.5720785828832325 1.7671430086417286 0.31985461367172363
758 0 0.9369137228798371 0.5040551960293843 1.0802002507534205 1.2836382918239493 -0.6928905722954675 0.0009419787741385332 -0.24425603047735978 0.4900301199411269
759 1 -1.1418515161634994 0.06589516145036094 0.149640752628208 -1.2882122129452358 -0.6928905722954675 0.5466947338117168 -0.6459318145657063 1.596170910692248
760 0 -0.8448850534430228 -0.4661563091098817 0.35643175221158857 -1.2882122129452358 -0.6928905722954675 0.6989978282408089 -0.8301590538844216 -0.6161106708099943
761 1 0.6399472601593604 2.1628038983642583 1.183595750545111 -1.2882122129452358 -0.6928905722954675 0.44515933752565606 -0.5855294410185864 2.787399454578071
762 0 -0.5479185907225461 -1.0295049249971975 -0.5741277459136239 0.34271737544497916 -0.5539642375311379 -0.45596730451313683 0.8882884735311359 -0.9564616833488008
763 1 1.5308466483207903 1.5368609918227965 0.2530362524198983 0.6563576809046359 -0.6928905722954675 1.5239729230650558 -0.20801460634908786 0.8303811324799334
764 0 1.5308466483207903 -0.9982077796701243 -0.3673367463302434 -1.2882122129452358 -0.6928905722954675 -1.2047908521228377 -0.9962655811390011 -0.020496398867082873
765 0 1.8278131110412668 -0.6226420357452472 0.35643175221158857 1.722734719467469 0.8700306938032405 0.11516929959595715 -0.9086821394956773 2.532136195173966
766 0 -0.5479185907225461 0.034598016123287834 0.046245252836517724 0.4054454365369105 -0.6928905722954675 0.6101543564905051 -0.39828208302251517 -0.5310229176752926
767 0 0.34298079743888377 0.0033008707962147404 0.149640752628208 0.15453319216918512 0.27959377105483973 -0.7351896442998049 -0.6851933573713341 -0.27575965827118776
768 1 -0.8448850534430228 0.15978659743158022 -0.47073224612193365 -1.2882122129452358 -0.6928905722954675 -0.24020458740525652 -0.37110101492631137 1.1707321450187398
769 0 -0.8448850534430228 -0.873019198361832 0.046245252836517724 0.6563576809046359 -0.6928905722954675 -0.20212881379798395 -0.4737850499564149 -0.8713739302140991

@ -0,0 +1,14 @@
{
"name": "diabetes",
"preprocessed_name": "diabetes_preprocessed.csv",
"classifier": {
"xgb": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "dice"
},
"class_label": "Outcome"
}
}
}

@ -0,0 +1,9 @@
feature,importance
Pregnancies,0.09800142
Glucose,0.24721502
BloodPressure,0.09747202
SkinThickness,0.08884042
Insulin,0.09651642
BMI,0.13837509
DiabetesPedigreeFunction,0.10624578
Age,0.1273338
1 feature importance
2 Pregnancies 0.09800142
3 Glucose 0.24721502
4 BloodPressure 0.09747202
5 SkinThickness 0.08884042
6 Insulin 0.09651642
7 BMI 0.13837509
8 DiabetesPedigreeFunction 0.10624578
9 Age 0.1273338

Binary file not shown.

Binary file not shown.

File diff suppressed because it is too large Load Diff

Binary file not shown.

@ -0,0 +1,5 @@
{
"name": "ecg-five-days",
"pos": "1",
"neg": "2"
}

File diff suppressed because one or more lines are too long

@ -0,0 +1,5 @@
{
"name": "ford-a",
"pos": "1",
"neg": "-1"
}

@ -0,0 +1,201 @@
0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,label
0.9020592649694863,0.9040453559600531,0.9080179555395758,0.9093555151402505,0.9097797850480729,0.9115498981649934,0.911973628444802,0.9128753757693908,0.9141586303500804,0.9125835625238791,0.9106658064600308,0.9077473457262515,0.9002968367688942,0.8947840982472488,0.8912458993205404,0.8887212950433048,0.8853356715715353,0.8824614030033132,0.8829104611964567,0.8049804694509075,0.6894317460773745,0.607231967782659,0.5503201582637554,0.5024894384172497,0.45307411998919617,0.40250801316339113,0.3723437033782615,0.33234102781592756,0.27441864007198646,0.20762653757499483,0.18709197917260156,0.17930782769240017,0.17411193145274884,0.17324659224501748,0.17050881026670411,0.16504590125600938,0.1469063289570961,0.123776834931694,0.10878029046112742,0.08640441063757326,0.06675103850345854,0.059116772765088865,0.056133161488506333,0.056303748197675474,0.05120440628719458,0.05101319689548667,0.049460939180834884,0.037178668810131266,0.42924242865926954,0.4071581356560325,0.47046234233272194,0.4504619020163524,0.06756383351324935,0.09032226579158886,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.019394249703139688,0.13093960802720755,0.2367454382192989,0.36094645350174726,0.47778598413891094,0.5863989773735097,0.655670087389945,0.6930756924478115,0.7040269351641448,0.7182037425995749,0.7624981022412414,0.8261170684643434,0.8270557580173481,0.8385275427741965,0.8385275427741965,0.8383312688096098,0.8552443295394779,0.8588624733894377,0.8718629732742624,0.8899305043361947,0.8974824746729223,0.9089686536532884,0.9211745641420014,0.932596427349638,0.9607387953810681,0.9909068485224555,0.994503727403927,0.9999999999999999,0.9999999999999999,1.0,1.0,1.0,1.0,1.0,0.9663397661647396,0.9215999107058204,0.8791902152871605,0.8394438494074457,0.7944488266008927,0.7861715088370285,0.6868966198432489,0.680847921987578,0.5416776762128955,0.48330273134372453,0.4035779963669616,0.3220773404384246,0.27372791373521477,0.23049026252762722,0.19985439968376134,0.20626202887629358,0.2231716641285343,0.2344616196936355,0.2467304934220581,0.25453807772898096,0.2687550383450342,0.2774350559923298,0.28301863115888315,0.28293196093632694,0.28088978102628737,0.28798489764708923,0.30586309695625835,0.3230192453911635,0.3247578609745379,0.3347635455236215,0.35342791757435643,0.36294879401772906,0.36724389421433723,0.36964774893773367,0.39909704414561054,0.42429208561625636,0.4441497589585195,0.45959008902773807,0.46837391410627305,0.46845926205005956,0.47105359424136733,0.47331868690875284,0.47978238591505473,0.4917816192094514,0.5132271159959655,0.5420724075318144,0.5690462004582901,0.59970383957114,0.6428478063843743,0.7072528307269843,0.794686722976744,0.9008082455708595,0.9029808887913291,0.9036958028221157,0.0
0.904305934354426,0.9017956734081564,0.9021545804197167,0.903250339550832,0.9041133380881695,0.908110335586122,0.9141801776394796,0.9166602653470246,0.920671053761722,0.9204234044280003,0.9207027837295558,0.9194243751237751,0.9170467985526238,0.9145657337248756,0.912089293169226,0.9098883000371976,0.9075918504367972,0.9073092674394345,0.9099363230238358,0.832960390987878,0.7140758835190681,0.63159491448054,0.5723318732808355,0.5227087215015402,0.4715979845003586,0.4201998349481921,0.3893261492984418,0.3495084284687098,0.2922095992701533,0.2261220473759539,0.20645507810746838,0.198883752033087,0.1941584121098082,0.19380194304311027,0.1925085128477027,0.18829082939855174,0.17133651768232744,0.14859657160036394,0.13343044177965263,0.11098614528425721,0.09080794316193758,0.08296278992070555,0.08064885309903125,0.08077851314996937,0.07416460804512703,0.07239708111534005,0.0742566078369708,0.07406866419718067,0.4682588577212321,0.4580680227961407,0.5371941322611393,0.5367170815291477,0.2562309864304588,0.29557023909381963,0.2665234911516178,0.320153105212465,0.3658490372366481,0.4068500824146564,0.4264834194254623,0.3886738406546852,0.3959781174375566,0.4272265735961678,0.4913547536686297,0.5848782027584789,0.6566594506852099,0.7176223954262403,0.7297741594796431,0.7330615515091583,0.7479363989522896,0.755753033387846,0.7641400474676621,0.7838215599797078,0.8258215791611365,0.8850243225256093,0.8937277631740126,0.8969996151767894,0.8969996151767894,0.9027561431620947,0.9035094077262277,0.909428758247637,0.9203894217578086,0.9375245268513128,0.9409088557281197,0.9505722556355393,0.948653604901576,0.9511933231393174,0.9579991073052544,0.9657004737729165,0.9342890046228864,0.8954099081568532,0.844815583448381,0.8039798368718403,0.759069585541628,0.7218621653548061,0.6985966514285021,0.6691338607154702,0.6356489567267547,0.5883620667019502,0.5057152612462417,0.42298893072605515,0.35375094793286194,0.3071780221705508,0.26132989687363817,0.22883848996991335,0.19373634104592935,0.1746809447807135,0.16655169028158445,0.15626728478255142,0.15352846246696866,0.1620029171780512,0.17342660908916457,0.20396769217818483,0.23183405265159068,0.24222724022236153,0.2515817942629583,0.2532715803315618,0.2625541497755243,0.2710379719977725,0.27451957292300505,0.2750872515893842,0.27602076589682595,0.28527569995111834,0.30638714132900297,0.32381386390414285,0.3280384621148108,0.3361864068065634,0.3514474814337543,0.3595873190540251,0.36280659250406594,0.3636987979743033,0.3931871451765002,0.4181460038079626,0.4386820507888294,0.45573122077497774,0.464643725119915,0.46537301750409726,0.467880414695915,0.4696644952585681,0.4771923904403989,0.4899530365248655,0.5123706041521504,0.5412891448434556,0.569266431734571,0.6008927687117962,0.643690500062917,0.7097267523760276,0.7978638436813474,0.90483255593653,0.9059783800750206,0.9087605545050866,0.0
0.8173138844992647,0.814116065803136,0.8161447117532824,0.8171650305719894,0.8187716149377781,0.8228674880006641,0.830556319887751,0.8338241276790516,0.8348952366062958,0.833585641387197,0.8329377194324513,0.8313078913865665,0.8264380790397919,0.819062798339912,0.8118253489174027,0.8093425055692873,0.8093316076687178,0.8078914589863445,0.8086148440001647,0.7362473053767938,0.6276632773755928,0.5549283740869546,0.5035669396293447,0.4618739733707923,0.41485007588640066,0.36581907469103725,0.33601961687098475,0.2944453356529339,0.23380224593757315,0.16261132463476663,0.14175633168388818,0.1344001854881393,0.1292772327893758,0.12757454183292083,0.12423217152056859,0.11855359164373963,0.1027446349795676,0.095232057298888,0.10370437038514307,0.09193554857228198,0.07320497109377483,0.0679708707192882,0.06264355003433097,0.06613316076848796,0.07297426646520178,0.08458551088307015,0.08808260191587869,0.08164386193717804,0.4623065429481604,0.4569941557075981,0.5382833166449871,0.5433762788382424,0.33546547733164245,0.4406637062107832,0.4073107122391172,0.44488408945520863,0.5157358153430456,0.5904032005668696,0.657481681543341,0.6878506099720292,0.6789425281684014,0.656066782723178,0.6398074659452128,0.642127987113403,0.645380788773295,0.6478991734417534,0.6477506501241244,0.6462580245027125,0.6482675930972863,0.6465475907475129,0.6484099523988746,0.6585515297990492,0.6922610634076907,0.7440714164208969,0.7452339110927346,0.7428902416410617,0.7428902416410617,0.7429987261630526,0.7429412320148531,0.741457427633879,0.757340511873948,0.7831708754448001,0.8031074933699571,0.8186610495542151,0.8323933815961908,0.8488497066727857,0.8811177111817894,0.9137405526208715,0.9187443711050933,0.9199015463780571,0.9122800780964501,0.898951448315336,0.8664733410343759,0.836944036794032,0.8063458360887215,0.7714202851617157,0.7124020051845512,0.6619129196513747,0.6030115873134123,0.5490423204201043,0.528804049358057,0.4847234956873154,0.4426675369746247,0.39807836535621555,0.3574113230909276,0.3315675813769834,0.31449155509136484,0.2916699522614875,0.2804098352056157,0.2761293919324378,0.28076746963981947,0.2951945935685776,0.3063466610514262,0.301769436625331,0.2945893222613089,0.29034116238229407,0.2958717973928802,0.30261576246464594,0.31271879729667446,0.31991215242906934,0.3242284535974093,0.34019133994564726,0.36621345368235664,0.38415844220225415,0.37655605536406256,0.36771316866010884,0.36061004069351316,0.3509675413568144,0.33981419380345845,0.33213050281514794,0.3556694407995275,0.37711478186137853,0.39579052816753635,0.41294760027941846,0.4226962430249845,0.4240191065599082,0.4291226065153056,0.43219826206725037,0.43891460806317056,0.45250637352334544,0.4754302518916541,0.5058907545791835,0.5342523565477202,0.5649150656685311,0.6076701597744731,0.669039175478326,0.7523590390851554,0.8541010459111826,0.8534128493005396,0.8545920834211495,1.0
0.8356912443872707,0.8340278015533782,0.8366309605263194,0.8381641341152283,0.8400315765704625,0.8418447107559706,0.8440249081073606,0.8452932647302713,0.84693098504424,0.8466415975444547,0.8460375717445511,0.8448298285261939,0.8416168219951012,0.8396382731264312,0.8352330685130461,0.8332176916258129,0.8305167943756531,0.8286624535544505,0.8289482204717433,0.755557585783074,0.6471381440324875,0.5708619364788139,0.516596970022522,0.47156600760644934,0.42446472774468175,0.37489741316950415,0.3456300509128341,0.305280026610437,0.24610158564559148,0.17689657507891154,0.15946195414982806,0.16244992627267923,0.17749923530886996,0.19623208230570177,0.20362678821705632,0.2018894980794909,0.18709328209669426,0.16064803573892972,0.1418978710920783,0.11658643065218421,0.09606886437054862,0.0935523718507586,0.09853330474165545,0.10688715046740932,0.1124722973632559,0.13227106095090763,0.1630806605953826,0.1892110989568285,0.5407108159008156,0.5743972605737218,0.6671677254758555,0.6915865694549805,0.541914250762981,0.594840435201118,0.588881152242988,0.628744889757291,0.6675806240282567,0.7186106119678275,0.7779449129488312,0.7788263772034894,0.7446891703494112,0.7100817677338181,0.6925557682717591,0.6900058439918142,0.6884597116608082,0.6907591411686073,0.6917644853967885,0.6927668824344526,0.6963998648164658,0.6936312129909247,0.6972078646813666,0.706386965780166,0.7418541772871656,0.796744552007414,0.7999987314479213,0.8022406680371423,0.8022406680371423,0.8001005148191509,0.8007085017243619,0.8027391474746539,0.8189960915839543,0.8407630230556418,0.8523756352102938,0.861954990573264,0.8646448035759592,0.86622744149574,0.8726734002963324,0.8661210608930148,0.8344399622723122,0.7953724290843605,0.7471241863193918,0.6974843634238233,0.637817792114553,0.5869285508451811,0.5378589923988334,0.4903033695748964,0.4348060936033378,0.41023656736420905,0.3736938528600169,0.34238703786496216,0.3233220452911213,0.30961173686193333,0.29133627612765683,0.2932180547790809,0.28885607980218303,0.28367197015621093,0.2866206559206739,0.2800758371081834,0.27962308116726686,0.28405071643256696,0.28673954305910143,0.3060833923882489,0.32610946481872055,0.3316458622768701,0.3325273551398745,0.3283021682174261,0.33267736559276834,0.33352836567157335,0.32883646227432933,0.318062455812576,0.30133140908435874,0.2902573647472588,0.28814694084192793,0.28602791016373424,0.2687913981967137,0.26595699491918184,0.27720055296553525,0.28558807823220594,0.28975868200964017,0.29071206795095433,0.3266364668197773,0.35744645089604005,0.3825283996512931,0.4061412664530902,0.4205692080948605,0.42533509509039225,0.4326479616184343,0.43470559562431493,0.441698535441082,0.45381674285738566,0.47560761700151516,0.5031658652859157,0.5268524788790704,0.5554911922175276,0.5948178856373539,0.6540924377240065,0.7369054664590581,0.8384847850219409,0.840768855678571,0.841998497755825,1.0
0.9334630020352588,0.9334546457606394,0.9337472461430238,0.9358043395822035,0.9367490202910778,0.9429809739992154,0.9479075046735703,0.9503873474299138,0.9539487158994688,0.9548563851194452,0.955749640407053,0.9562224971921129,0.9529342499752345,0.951416884559388,0.9456149084393242,0.9435224894005523,0.9401469616326767,0.9382131378811888,0.9396571841847474,0.8555135002253422,0.7327337982279752,0.646584512871458,0.5857863896607565,0.5352419114084572,0.48452809314216905,0.43278627828549887,0.4015245712576129,0.36205162304386407,0.305862536249886,0.24086544437191917,0.22186076536257793,0.2156310876167556,0.21073321919744398,0.2092476401500087,0.2077798817345707,0.20229912937613476,0.18497195118978949,0.16076223154567543,0.1478222363341739,0.12622805102582557,0.10765587950506567,0.10191532288328875,0.10061257839966753,0.1071926123245992,0.1163294242061382,0.14805548643458968,0.19802629687032133,0.28738455261573387,0.6389241346506502,0.6806853561067588,0.7668557752145044,0.7981316514042835,0.6658094302178161,0.6627881596255631,0.6232285166042315,0.6430539180006685,0.6850358577228277,0.743495537276243,0.8221563038653639,0.8813401000104875,0.9007446914003631,0.8714998436384824,0.851686198791819,0.8508616844892689,0.8492586748832807,0.839050356356312,0.8376475359674446,0.8422247879787408,0.8403170520478316,0.8421314126192753,0.8437039916187963,0.8584168104591718,0.8993445729856431,0.967340474586366,0.9646733617145433,0.9675928610309672,0.9675928610309672,0.9712056014980157,0.9680929150868726,0.9297471883226855,0.868106595955739,0.8019047453709034,0.7306823575586383,0.6727796359718493,0.6324287428613465,0.6003329595322922,0.5665678745295146,0.5226942867626748,0.44699874042625654,0.36498238887424106,0.2908644800742769,0.206773429080046,0.14862079318395352,0.10452658149398536,0.0799680434978573,0.07569432140728166,0.07158919268385072,0.12261233311885034,0.14838593889154145,0.161809435693754,0.18059497655116674,0.19235983395379547,0.19769682511263992,0.2194772834732317,0.22974963325303033,0.24069313126330766,0.25672984141991884,0.26272717538267365,0.2767262197633282,0.29122348326166825,0.30074375065135633,0.3203610537048558,0.3371161821899621,0.33731883584476235,0.3312453158868958,0.3216191070663157,0.3205577964684615,0.3216663793114341,0.3199232739388841,0.31705234070252986,0.3137202467327005,0.3215777238600718,0.3404785012123215,0.3572428768668599,0.3577031113003105,0.3660907271713093,0.3769275804415325,0.38278934726686487,0.3850150120215359,0.3857465777229035,0.4122263728610673,0.4370801326694199,0.4540018814071062,0.46791630041286275,0.47409385503975227,0.47277857805264467,0.47261896782766977,0.4742283788399514,0.47843416215728807,0.49035592846972637,0.5110485293036386,0.5401627764610712,0.5662138525781897,0.5965785619341919,0.6389287314772902,0.7035492591073627,0.7932252234864154,0.8986781700350368,0.9043205307860521,0.9086741134771481,0.0
0.967111240372001,0.9623308551887011,0.9615642802145796,0.9613670331080485,0.9587612087715607,0.9582890137766311,0.959249027199254,0.9581964802761425,0.9593624683590805,0.9568804115577505,0.9522283385576644,0.9478789537516994,0.942319582016863,0.9361022403243888,0.9301202601856675,0.9249576377732791,0.91970052839919,0.9148989700637322,0.914357640852173,0.8306987301032939,0.7097882542841797,0.6258023838887876,0.5668007393163301,0.5184565807945758,0.4677605663509482,0.4165647420810792,0.3866168101595138,0.34800325325445436,0.2904254693909021,0.22594023543587977,0.20483643545616365,0.19688736456882452,0.1921247202776759,0.19057045752852725,0.18811879151912214,0.18217121537481812,0.1644798174491628,0.14037029946104568,0.12566793010618288,0.10188347538337694,0.08079633425642885,0.07372522860381209,0.070290520129896,0.06931306565218998,0.07139662671969271,0.10376993645290411,0.1574397563649242,0.2454092146159748,0.6242932756450715,0.6791304624318002,0.7823670028394594,0.825875278202759,0.7251721935880702,0.7399197003124302,0.7096284471934426,0.7131334716360297,0.7227219929353208,0.7462355821477953,0.780627171425433,0.7885885910839023,0.7858995659286451,0.7851961510954664,0.7659948466202944,0.7610070621625395,0.7604850443937348,0.7606517281994959,0.7656070779972716,0.7692598583766712,0.7737842708850857,0.7726871409398895,0.775414318829736,0.7888354666102362,0.83472290729335,0.896197944815,0.8947596510054663,0.8915037814363678,0.8915037814363678,0.8863825728760379,0.8857961438137404,0.8672618700991479,0.8418398144221895,0.8225503225313477,0.7814410743979245,0.7334763072482974,0.6847024390536516,0.651018713929107,0.6318438975300372,0.618250741681668,0.5992838755981984,0.585827031873718,0.5625206386401107,0.5377396661212617,0.5107877565548558,0.4766019354378079,0.4464412529028112,0.40938549819047204,0.34821269584954495,0.3234572095931663,0.2777715578755203,0.2435093797635575,0.21793706241344626,0.19056156550905573,0.16120487093966218,0.15582285393682427,0.15037406355642402,0.15119550420470818,0.16036391464555666,0.1608285745644949,0.16279871487335296,0.1731650245545746,0.18730996180715004,0.21597038111304756,0.24431541591612027,0.25791573298466897,0.26112851984458946,0.2611591347679614,0.26773321442940207,0.27372270240672125,0.27285970623695155,0.2696107373518594,0.26651340162420034,0.27343507810547,0.2922558595584162,0.30785648156848083,0.3089149914722658,0.3166292359078883,0.33009086651385267,0.336880242874186,0.33964038085111586,0.34109723248856577,0.3697644074343504,0.39612231117916036,0.4164344949287442,0.4305903783245885,0.43997582499319343,0.43967839042860046,0.44268207488155126,0.44469334652349785,0.45028699017233165,0.4609143844572698,0.48233116422534306,0.5122815349295138,0.5387945107024195,0.5678331573418027,0.6069739681334503,0.6675564629731996,0.7520457607637296,0.8523839753880446,0.8514169931523504,0.8519138223136697,0.0
0.5036902751628936,0.4732344116713373,0.4637939059091295,0.45883830459713704,0.4586141942662608,0.4617150378830177,0.46863789184226146,0.4773127689548242,0.4869875313344505,0.4896472192604643,0.491821075428554,0.4916608843699366,0.49182377536238997,0.49047377067603437,0.4893825091519882,0.4864242732061327,0.4858892133588666,0.4849010051611685,0.4856934850473037,0.44279563884972495,0.38006759125870493,0.3356848214296243,0.3067704495420198,0.2890887984909008,0.2851049208309771,0.28921602428910553,0.3310427201001046,0.3792239655652225,0.4164294323647106,0.46403141271959314,0.5430609400864114,0.6196863800180114,0.6800318005202316,0.7219892519327729,0.7501783706070897,0.7686712695710458,0.7777956143522167,0.7812712418967247,0.7837921212606918,0.7782379975297373,0.781076749670145,0.7791460053676373,0.7824081199004823,0.7855181998926459,0.786816557038076,0.7884601506423847,0.7863393147838185,0.774800736192194,0.8641470670185598,0.8514535791799092,0.864918762156864,0.8585592037447267,0.713992699239451,0.6767862754423899,0.5992219858972251,0.5567514842652597,0.5174149909777468,0.48936938488609405,0.46464073932909866,0.3711966550231276,0.29321732363804687,0.22664424921134796,0.18718525372016892,0.1861444397351507,0.17846523822706767,0.18319451709072332,0.1816780979455468,0.18085193538165806,0.17983221431063207,0.17820910886228247,0.187729971324615,0.1902995175896341,0.19610592080804923,0.21422938921963586,0.21392604579235147,0.21201780953843152,0.21201780953843152,0.21182703883757875,0.21692623465819938,0.21570601990616162,0.2582521302498355,0.32571822621670177,0.38039619199199903,0.43627434191629844,0.48178301179167904,0.5253367162046356,0.574044595423981,0.6163253006316162,0.6374515033444632,0.6507207968866419,0.6570264743150694,0.665176627477934,0.6693869192224366,0.6821330951943512,0.7009038493783657,0.7274277964665141,0.733880909729588,0.7469292474435101,0.7557368192628562,0.7703721525352021,0.8050822949341044,0.8305927168950696,0.8431208878201021,0.8354594712616576,0.8265082629713418,0.8252298505913407,0.8420088930439455,0.8451201332786623,0.8565080721244107,0.8540938053037967,0.8492824824436618,0.8459386774686163,0.8460344452201367,0.827664473908882,0.7879019203274182,0.7377263021929328,0.6783011385024443,0.6080741875753333,0.5227340045554851,0.4293888370093527,0.33673712062475203,0.24672351128011327,0.17795703303525062,0.11527829352800467,0.044343422574075864,0.0,0.0,0.0,0.0,0.0,0.04939295674247235,0.09758637231493938,0.1432007301367011,0.18006558678189222,0.20297382025825328,0.210700748805964,0.21330914101296916,0.2091077773292378,0.20924122557395308,0.21300259979458513,0.2297876837863636,0.2537463712914665,0.26979632442795654,0.2814942873436388,0.29543806389729876,0.3231578609511244,0.3650935092650276,0.431896281081956,0.441704123700825,0.4437485651943619,0.0
0.015618628442972238,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.0016600544059662825,0.03316801682289927,0.05647538937246899,0.07550384125525084,0.09688029596760328,0.1907120752102388,0.2966747558295878,0.39885381195508207,0.4852308674788659,0.5584805375400412,0.6129591631051707,0.6417827242889291,0.6557457935187028,0.6591088151101163,0.6513511441286988,0.6441541965809422,0.6383988638676455,0.6279727281647356,0.6272235688279688,0.6253352012249074,0.6278240565179602,0.6255497427502561,0.6129503245572134,0.7697451780221807,0.7591972614393334,0.7812868138157408,0.7744586955812987,0.5808362350603313,0.5507842893259355,0.4641182460375519,0.4267006250731035,0.38810997807027947,0.35952409783520334,0.3274908982592346,0.2177890649060505,0.12295234812175179,0.055743035147106434,0.008731409856900185,0.009700540894060972,0.006699668495085298,0.010745849366905702,0.011454640137050609,0.010613249216838205,0.007667223544624013,0.00410606934620622,0.014630044961979782,0.01077587461031071,0.008571190069848633,0.013550749628101877,0.008218433568107975,0.0041381056728524435,0.0041381056728524435,0.008862498249851192,0.009525497500533997,0.004501424099573104,0.05601322376209511,0.13956946573273252,0.2076602505747059,0.281293948416663,0.3365041527473476,0.39286563567932214,0.4479538770154222,0.4949592374054955,0.5234489187200653,0.5437315280295532,0.5450673302853792,0.5573794774192679,0.5553336558551281,0.5677686516408419,0.5816394862738643,0.6017340827464712,0.6102684894198349,0.6278932646198452,0.6416234824379119,0.6520557324259768,0.6829052936204395,0.7071436781725601,0.721932510191219,0.7194454047390393,0.7144667272711701,0.7229723738919336,0.741652075872299,0.746873860611084,0.7715681466570217,0.782165334821286,0.7905796118477448,0.8057926464182698,0.8281021510611895,0.8354574413910687,0.8354671305347272,0.83599048924914,0.8405590804582819,0.8429877118872932,0.8455022168077128,0.8480482613097178,0.8589957340295613,0.8735670006700582,0.9079359284493056,0.9424053759358292,0.9606351105333191,0.9696655286991145,0.9778654894775491,0.9815997465942254,0.982432040189046,0.9862493967993262,0.9881404384530975,1.0,1.0,1.0,0.9999999999999999,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0000000000000002,1.0000000000000002,1.0,1.0,0.9659616636173711,0.7995867033664317,0.6387974009551265,0.0
0.630749497060473,0.6239331731011355,0.6243726671742454,0.6250730592948645,0.6257677939014378,0.6246896280477622,0.6296821678785883,0.630010722409199,0.6318160365361821,0.6301667033175077,0.629551598594423,0.6290403124135906,0.6270444913343222,0.6273303120206957,0.623043213011433,0.622511544043858,0.6179482348861747,0.6414106314359374,0.6757421182634253,0.6839164861353235,0.6750286772800811,0.6970875594487929,0.7285051357512886,0.7641467181130888,0.7876913556268392,0.8022792228301291,0.8279241074528847,0.8456071994605676,0.8610495753790679,0.8613498935317465,0.8728096096974562,0.8816429724024129,0.8814841338066929,0.8879325825128064,0.8890873912901477,0.8890682268307657,0.8868919541957445,0.8868700207838994,0.8879623748907477,0.8847337736258063,0.8834351305807071,0.8841360592247112,0.8809409995081482,0.8835074612935581,0.8823909435705743,0.884196764679319,0.8786869899293515,0.8689288298626254,0.9183406674535226,0.906544982594309,0.9118927458402244,0.9062787090266453,0.7869252789302921,0.7463537848653421,0.6702125371893289,0.6304124299247588,0.5902083467182677,0.5621005486092194,0.5389238960113982,0.45577572390218263,0.3821069833166262,0.3247271371958298,0.2835687882846879,0.283635127027156,0.2786534853916625,0.27983538319919965,0.27878536644046137,0.2769578633841036,0.2768328098308355,0.2754058389061407,0.278605624925526,0.28376261896180816,0.2980265449306242,0.3216917118400382,0.3199270106847763,0.3220269216735223,0.3220269216735223,0.3224549243879828,0.32729553669702394,0.3277887315287687,0.36302066644537523,0.4234582017464398,0.47185709071540805,0.5078262838213254,0.5405934102379626,0.5828190181748294,0.61891784637856,0.6518794837148072,0.6558333794798248,0.6655541814013589,0.6610741471099406,0.6506230869186466,0.6330042377993141,0.6156393767992685,0.5966727507990461,0.5759578300888081,0.5286592513655581,0.4894072129684328,0.4381930693639737,0.378521061181881,0.33040885151412713,0.27887401056878625,0.21586622168194647,0.17369600648441869,0.1352783545265569,0.09994390675378817,0.07173562263044192,0.04233315740915233,0.021360724547581478,0.022909089689156392,0.0297026054197288,0.05570762957010933,0.08206223721913969,0.09561102639919455,0.09994927171207146,0.0997248992487142,0.1071136138122778,0.1122180209719224,0.11147990440843203,0.10951741634747403,0.10197786408363818,0.1067446363935482,0.1213719541687941,0.13039194836605705,0.12670656367940614,0.13216822885221513,0.1486648860084221,0.1577859957302118,0.16123274707052193,0.16153294757701508,0.19824667718637923,0.22884998021912728,0.2551542425779329,0.2745135782428242,0.28647655483783285,0.28762433413919286,0.28794324455999243,0.28793426541437533,0.2954089166627608,0.3047924663305542,0.3249802838462182,0.35575299360264057,0.3761528841754344,0.39740435298808274,0.422024483896545,0.4687398584190725,0.528384411952964,0.6129531382072376,0.6205570226185602,0.6228945603285272,0.0
0.5582377770977901,0.5517862469629531,0.5543155939108033,0.5571706175635687,0.5583689781726839,0.5616506263766996,0.5642161473923007,0.5634206966353391,0.5656910422973986,0.5642738804654788,0.5639398386818185,0.5622085711527479,0.5586817554734718,0.5561079602546023,0.5549618432298471,0.5674029358064635,0.5917989999144794,0.6377463694234294,0.6866031040491958,0.6765894940180787,0.6098618723516136,0.5558767344427606,0.5089628487864308,0.4663311953197753,0.4183016131213167,0.37402410571466416,0.35227521267694606,0.31881667912776795,0.26424120031621867,0.19896850273855254,0.18119741194809796,0.17331040339503445,0.16838728211134968,0.17432581784420015,0.19126250155038343,0.21409584163024634,0.2513442255197459,0.30045890700646927,0.35733135655853326,0.4217140268208856,0.4778207484983231,0.5468093236855057,0.6019443814773768,0.6639582666543439,0.7149833792049705,0.7725947854249896,0.814290796336706,0.8436297701646907,0.9218392834504692,0.9220969541575532,0.9348556628257749,0.9335393804570631,0.8382778878086702,0.7925648421920375,0.7210289601881539,0.6808824706537802,0.6458738148556911,0.6181771902959302,0.5966425585484637,0.5256721829756372,0.4586251369031852,0.40073874755715855,0.36423987235094624,0.36247184852176273,0.35794302943932726,0.3588898388194476,0.3581694855329678,0.3573953906620852,0.3576307827808268,0.35544014734767193,0.3588157354130568,0.36408213468303113,0.3783931317702567,0.4064485153689358,0.4114133216203692,0.40883530164756154,0.40883530164756154,0.4113917806145932,0.4160850650569149,0.4155631565743832,0.4483969738076645,0.5042415761672938,0.5462586012154799,0.5868991273091059,0.6235216994165612,0.6582595944184566,0.6996718705408247,0.7357041332182603,0.7547582594252931,0.768026785090885,0.7709597524669183,0.779593826597474,0.7828283591551395,0.7961956383547827,0.8167297017714439,0.8428878149799117,0.8438231295532614,0.84253999738572,0.8328218198592143,0.8230216062416994,0.8248586355609664,0.81565455887774,0.7841382245117937,0.7351809373643938,0.685101435054281,0.645288720239444,0.6131997744558078,0.5702170735627983,0.5349276055342871,0.49320808637080693,0.4559305884933262,0.4268968533039475,0.4076746865772541,0.3671266117694726,0.3314836197420011,0.29438783458813866,0.2682623207387689,0.24511069754302,0.2298956379195719,0.21678294395690534,0.20547642535153104,0.20701614618702713,0.2216420343596427,0.2376636607540621,0.23750921658915708,0.2465008119732398,0.2613741423500462,0.2706930276981622,0.274818232283449,0.2708272738780512,0.3001142848458422,0.32445250836676304,0.3403955317985588,0.34930886811377815,0.34880923710947886,0.3386554042953186,0.32662304548674176,0.30335712524882735,0.28049113534285847,0.25763779330046976,0.24556071565814996,0.24162006384255674,0.24482641970489072,0.25753963506009625,0.28440659618194153,0.3292673097840625,0.3744716474031923,0.44332997122804496,0.44852734521347204,0.45651960719350093,1.0
0.792650078155669,0.7904768184470193,0.7905321030752602,0.7930068884421712,0.7918114892309115,0.7933182400776337,0.8000088878807324,0.8010958900188079,0.8026129614356305,0.8012865998339044,0.8022578116938298,0.8030656888102321,0.8074446718607033,0.8280886322809912,0.846806738982478,0.8796663812946665,0.9075601790128025,0.9287093415163602,0.9459394133848971,0.860233260649381,0.7255900580459134,0.6266699312488035,0.5556235630695445,0.5046079289968165,0.46164841076915863,0.41352454890933354,0.3900678465280818,0.35651799112676313,0.3059136718121763,0.24605325980412224,0.2322138753135878,0.23289011049064065,0.23152325023448111,0.23817506228916258,0.24831913460374108,0.2636550208629457,0.273515124219061,0.30017038539404656,0.343678748142807,0.39085935809879524,0.4543558158968514,0.5406166976811554,0.6185069498353796,0.6972561415617521,0.7604371818716755,0.8234967314677517,0.8728058876867881,0.9046371441098844,0.9616572512879059,0.9692108153309681,0.9819830090280236,0.993784851880011,0.9258621558488425,0.8764292157260338,0.8164778544539784,0.7766227746022089,0.7394034905309805,0.7117840879366144,0.701897931370072,0.65267001845363,0.5853073673538548,0.5343415867030572,0.5006700111646664,0.4824891548340534,0.48406876673444194,0.4803765366977054,0.4784502801152196,0.483216295634808,0.4831065898457895,0.48072570788984936,0.47985444181008974,0.4910449550792088,0.5171837488819184,0.5548070494985854,0.5592100250499394,0.5602391088052735,0.5602391088052735,0.563631819453928,0.5554239777825956,0.5627169825007532,0.5868739387125061,0.6268676199903012,0.6638566030942945,0.6907144438632347,0.7144440394495899,0.7496238598262968,0.7787214974327588,0.7997835026896178,0.7877183082281389,0.7826427848063053,0.7465355468725816,0.7130862654025445,0.6647760686250933,0.6202514228086553,0.5786098155080132,0.5348186629805796,0.46745539849045836,0.43289294618946733,0.385338485787488,0.34238490035212876,0.31164718264165225,0.27301832726374164,0.23880064544257126,0.22724450341082514,0.2163216655389988,0.21426612507579945,0.2186475778608284,0.20768346585504271,0.21116708664005773,0.21151245336124253,0.2198618970215669,0.24221808253789429,0.26280005701992804,0.26978379987988843,0.2695336237088032,0.26352354745114265,0.2631364229743004,0.2597678576579918,0.25487052187085124,0.24752100575948288,0.2327445694238634,0.22150222056476015,0.21344528679874697,0.17651773342112398,0.11941904371331524,0.09321310893654622,0.09970720420624168,0.1076998103383684,0.11575750002136931,0.11993308034537786,0.1640222465064145,0.20121590776680953,0.23558847037817304,0.26077069493465377,0.2792524995273285,0.2844579155227579,0.2913263264129855,0.2934673788772991,0.30276298070723967,0.3140606913374391,0.336118910707198,0.36420123421954065,0.38900739906272586,0.409908076371187,0.4338342800370838,0.47850202385834784,0.538250741809153,0.6217766017467317,0.6271647631513465,0.6280453682870868,1.0
0.5844537594621962,0.5749422452016719,0.5766050335739334,0.5841991869697609,0.5900472915061818,0.5930309477622486,0.5999119695452525,0.5997542688452464,0.5998599317919726,0.600145005116914,0.5998769360317979,0.5989407327458257,0.5958505201052394,0.593366078843619,0.5925079120710927,0.5983733405180482,0.6101596325367775,0.6348318801506126,0.6743074823147578,0.6525359060055884,0.5959324378954682,0.5500114908059998,0.5099181849864687,0.47717728949488997,0.431096041734317,0.3872997116687553,0.36172117101274726,0.3243010347174606,0.26568478499098747,0.2000098802241453,0.18394915642271187,0.18024891849274305,0.1753710986859876,0.1735157066778935,0.1713028906002913,0.16659960079658298,0.15370920634662721,0.15192820144728353,0.19202764579073797,0.23570931612121374,0.30468849633085376,0.3916181760217773,0.46930660136155106,0.5507577872712976,0.6194488014176378,0.6860866507448337,0.7439775612940884,0.7856544474751181,0.8953419636640727,0.9082442023506149,0.9330970470896298,0.9407153775799866,0.8468211756317703,0.8053156251175986,0.7344109461172369,0.6897494957271577,0.651692407055025,0.6233888563439144,0.6094179626820082,0.5365418946349807,0.4700488390637171,0.41279768905892134,0.37651396322046393,0.3701398140508272,0.37030569851529455,0.36546748706255394,0.36681242341192,0.3625884307733019,0.3635295377297251,0.35833890191968154,0.3664236749979758,0.3730105054393518,0.38980389297208917,0.4204309215115416,0.4220667805456439,0.42138923172937137,0.42138923172937137,0.4187054470379021,0.4201244475141772,0.4192754270031847,0.453859009215573,0.5088445217412416,0.5503639598688669,0.5917669918336633,0.6237498099823854,0.6626738825452809,0.702824592116006,0.7427688767372773,0.7591054392914496,0.7733908559713492,0.7770163422262415,0.7885434219044225,0.78969181742115,0.8056966292202795,0.8244353661836221,0.852689011189241,0.8609173054380008,0.8660097007165017,0.8651937185618626,0.8639404847836236,0.8775951020011357,0.8850310045410539,0.865264845543624,0.8140732522963781,0.7638575786013084,0.7163022268522347,0.6757044406915442,0.6226076599074319,0.5770391082342313,0.5182003897312973,0.46595720068244534,0.4206718416083557,0.3871084201882593,0.3400346814225126,0.2994301112782756,0.2592938848673757,0.23598608057926285,0.2254774570962686,0.21437296449901705,0.20677039944504477,0.20222750119885058,0.20798768120473282,0.2236082682338606,0.23654892551834772,0.23388851528126536,0.23484760693719664,0.2480056646975654,0.2566784389832136,0.2603179883132686,0.2587613264156552,0.29043267272763446,0.3162565755986462,0.33251750426605253,0.3390690051032136,0.3206573196190401,0.2845952224352389,0.24440689434888285,0.22013010334136562,0.21874159725012132,0.2281165993340868,0.263585506173846,0.3060828206039884,0.3377889162041492,0.361270978404612,0.38107028198060666,0.41725204614753675,0.47301391659954306,0.5555137457105435,0.5687053047320189,0.5699394699053124,1.0
0.5986337668535289,0.5446914876004243,0.4945187276460621,0.44422400210363466,0.41544414194124313,0.4025773298772347,0.4109026626021327,0.4496953289928409,0.47214631921748373,0.4679711605004978,0.46305467396044275,0.4545951478267174,0.4473398785751199,0.4517699078080908,0.45367995885719115,0.462804522837459,0.4716272676486676,0.47039453258887987,0.46554566832316113,0.4298467393110199,0.3864697750877274,0.36357833417438057,0.3622724777684932,0.3648459622375664,0.35459560354556907,0.32963800674470967,0.3102793883882466,0.27588931060404603,0.21660230369472827,0.14573684143933469,0.12592774793431966,0.11359515316924496,0.10823641205472145,0.10990292068310975,0.11385690502966672,0.10769219179309025,0.09017034930009993,0.0692151547968789,0.06107030809889952,0.0465101725533561,0.038202935373056524,0.05262814442648078,0.10273657615337295,0.16778141986069461,0.23857257916967775,0.32461714443413336,0.40429568260376597,0.47347373226105127,0.7251967450336222,0.7452781058403678,0.7973512636989366,0.8167784633753894,0.6809043959991742,0.6758676424738108,0.6192066830682675,0.5991979345638144,0.5743660791172428,0.5618569780412946,0.5453620903813516,0.4698011388777859,0.4024653715378417,0.34449379252190526,0.3034354875112252,0.3005247830795853,0.3062526791035303,0.30378253281593237,0.30369932889676254,0.30142205874902844,0.3004787629555625,0.2987915240148926,0.3042798030961913,0.30873103072281843,0.3199984028196581,0.3436214558090116,0.34105133632050916,0.33867042583778806,0.33867042583778806,0.34066501345120087,0.3436138056923769,0.34093457604953675,0.3820063202368458,0.43959878636336447,0.4869410149617832,0.5340752288463441,0.571317839728003,0.6123341663712712,0.6556699017543144,0.6944471039441378,0.7145513776396168,0.7281564136040736,0.7346861044273242,0.7434233565616564,0.7470840582532,0.7613985040607014,0.7826453365964964,0.8100930894533531,0.8233250012265306,0.8340973911910987,0.8412406750849104,0.8589660220483675,0.8958261985197886,0.9244923215276737,0.9443127159021272,0.9340600222478171,0.9254279775021075,0.9336617374269887,0.9581929003554541,0.9664317708872796,0.9978423043182698,1.0,1.0,1.0,0.9999999999999999,0.9716336801099126,0.9343294366369432,0.8864843932843665,0.8415829274671183,0.7886846571205941,0.7326079121139613,0.6778202618349232,0.6237106161145568,0.5723494976821801,0.53504546021462,0.49743461394813693,0.4292015949018921,0.36642999509280866,0.3171847895014256,0.27278874251009344,0.23926188095049777,0.21275948809842649,0.22811506399214676,0.2500575478202844,0.2740456489236093,0.29307428044090295,0.30647942675278356,0.3096042292827942,0.3142276429279304,0.3144900293512772,0.3207617692057401,0.33238512153520156,0.35256864027030466,0.3791101430429698,0.40081412227368607,0.4212410120042638,0.44626459340932223,0.48718425135072496,0.5449759002772354,0.6218316108710429,0.6222185575408357,0.6124656341338606,1.0
0.5426815593640929,0.5302943058705761,0.5323024709180842,0.5359019779353243,0.5507700476243396,0.5621070211308874,0.5653159929009539,0.5627708632923043,0.5678047221835929,0.5672009034505341,0.5686956388907918,0.5704567677532459,0.5678883951983272,0.5676208762794384,0.5610785842634248,0.5601658518596505,0.5593008505917304,0.5612955514105041,0.577373653506386,0.5534070774980545,0.5148652372920979,0.5078383776587265,0.5015816277959873,0.48140309217439176,0.44832135690481945,0.4007614593840103,0.3702084527022787,0.3318073670204177,0.27694123459016806,0.21265154328729013,0.1959233656655573,0.19508864017815436,0.20138514194261992,0.2162853564746495,0.22362792226777628,0.23638585553292932,0.263408590532054,0.3134897839512469,0.38299303322300166,0.433682244887427,0.5096745083536863,0.6086562513648084,0.6626418381614667,0.7085883923242258,0.7499153098280866,0.8037015749002684,0.8460103500895364,0.8706855512291383,0.9386010756107004,0.9325792350186595,0.943934949208483,0.9438239105397451,0.8495515145270578,0.8004559210354988,0.727834343566281,0.6833146609564373,0.64756071452557,0.6164693191121192,0.5972259678277337,0.5255162312957902,0.4543285583714175,0.4052476781601896,0.36565197378336656,0.35726744078701456,0.354828367130886,0.35587933062196364,0.3549501997881739,0.35216595425361713,0.35002993108458663,0.353110351664627,0.35596701861891233,0.36517202954431166,0.3813313088605056,0.40469152706407896,0.4103206225736464,0.39804908589533206,0.39804908589533206,0.4000534503835001,0.41388989823616995,0.4198129477702541,0.4422415926843354,0.5046381165692932,0.542081296330582,0.5816340051350098,0.6190736259320494,0.6547940993325011,0.7005139847787303,0.7382447549150288,0.7521574010825155,0.7669485335363992,0.7664385079928236,0.7782775411162617,0.7736212874225374,0.7896752977933963,0.8081726320050509,0.8302016780786781,0.8396137760930381,0.8336086697850247,0.8210926597534275,0.8110481524601332,0.8179476434186517,0.808426723352197,0.7729484732158446,0.7182672125847971,0.667144549081695,0.6189985682042858,0.59049006643912,0.5343604802354152,0.485447636173469,0.43380173064325855,0.3839778438872608,0.34508123732464213,0.3326365366211885,0.30426811996498077,0.2746037102867122,0.24955918529942406,0.2334115461166119,0.2245166161180449,0.22181195114808439,0.2158047817458869,0.2083536389932817,0.21185208355359247,0.22789565746839546,0.24333153445742778,0.24227930416625,0.2427860340172759,0.26058648759930964,0.2695628393940615,0.2692223280449652,0.2644847863188149,0.29520453779633965,0.3194500739606251,0.3421621630907869,0.35419641866321766,0.359889291398206,0.35573681786371286,0.3505378257279063,0.3442040218245081,0.33333344880071186,0.3200848774232952,0.30697998375686075,0.3013033102383089,0.2705221855822675,0.24933450082534814,0.2642132257911227,0.2901652966245254,0.36320944553112355,0.4858457375634302,0.5553597979518677,0.585569478365589,1.0
0.931025616053614,0.9268866346221936,0.9287493900404076,0.9296506482857165,0.9318725396858323,0.9397819021257379,0.9472170487470922,0.951262936629639,0.95508304868214,0.9553691915817385,0.9557202030730507,0.9550354071939487,0.9522277632737053,0.9507290428550286,0.9497493904460332,0.9475499785951458,0.9471528829438954,0.9447741926670673,0.9476819838726316,0.8645454356138542,0.7400920514284755,0.6524716317042439,0.5914442528874296,0.540716285036296,0.48859105457650126,0.43556491528359365,0.4037135828595959,0.3616780543859348,0.3026508916432917,0.2354085975068343,0.21284224900149373,0.20183025852385475,0.19403903331443956,0.1911091477055591,0.18990171413529094,0.18306023671584043,0.16580616972272094,0.1417169699195382,0.12774016723535653,0.10680774676726856,0.09018761312012052,0.08793676771568726,0.08942427051400459,0.09425517159586594,0.09333198939467557,0.096533720366071,0.0993221509250784,0.0898132448452606,0.46213531367007243,0.4469196089587423,0.5116723549508835,0.5008062460655636,0.1576459229917688,0.1850995977754621,0.10038928580957553,0.09250281119394269,0.17724746689587714,0.22505213575919036,0.2656190954305174,0.21276645740690925,0.2051089709005198,0.23684924818412934,0.3166831295614283,0.45394851023341365,0.5957705565896887,0.7007394933856069,0.7569832290831561,0.7753516544220833,0.7932513476741785,0.7964562668502645,0.8081519074705685,0.8335254767540843,0.8793716999571257,0.9510360268957462,0.9598358969317293,0.9624881512335279,0.9624881512335279,0.9662252007702092,0.9744230108648303,0.9815682525033826,0.990334450663203,0.9990223045507565,0.9999999999999999,1.0,1.0,1.0,1.0,0.9942122728102221,0.9460721429294225,0.891698367789041,0.8365034466843452,0.7932827757064018,0.744611020176093,0.7145635508504458,0.686255988853688,0.6533560968292236,0.5926098853137839,0.6018124441254942,0.5381892357172231,0.4413357355206666,0.3765009131333843,0.3259148947374817,0.2727079393044922,0.22703206990689861,0.18513881326920517,0.15822416538135015,0.1422665676924098,0.1315244766813588,0.13211649103287093,0.1482815423123387,0.16867915323330418,0.19868316220732535,0.2250398679744542,0.2387334988563487,0.24801484473861296,0.2554704058797815,0.27026448167205686,0.28197546582263716,0.2885548214231935,0.29228895301037217,0.2915120541005145,0.3008187922324062,0.32062747879926906,0.3375360578029129,0.34234591132073916,0.35112089102579835,0.3685256552909664,0.38046906892650356,0.3880144366780905,0.3916710214161811,0.4231411499055563,0.4513642396193877,0.4724883955489235,0.4891580766741425,0.49671848878808483,0.49539532021155397,0.4956770870677872,0.49344411245858383,0.498798104498173,0.5106197020242016,0.5326312617462208,0.5627769306301876,0.5898527870398687,0.6179504265123332,0.6574982686313315,0.7167516984361906,0.8046880225445354,0.9118083241116648,0.9202147387104551,0.9279945809769032,0.0
0.5681102066268752,0.5613408690095,0.5614596329598817,0.5616774153984203,0.5636820855490342,0.567293382651584,0.5685156299646217,0.5675687517633448,0.5711588447190757,0.5688517444141051,0.5706792378403722,0.5728376986711843,0.5697564033220144,0.5681472391052194,0.5644976329587446,0.5764591783209199,0.6074133232109283,0.6576164336524084,0.7131844215067239,0.7034476009257506,0.6323101017493495,0.5652218128557132,0.5146518542546978,0.4728766337364851,0.42267650374272875,0.3728763232162688,0.3457409852066854,0.3067998647351594,0.2469485170514834,0.17724445293329155,0.15816876912577327,0.15265688722184134,0.15188899245843002,0.1528809132215212,0.15401454199701725,0.15013566899332947,0.1417868879428706,0.14074339160023425,0.17426275392794707,0.21735223231830084,0.26675189618009326,0.34430251904472386,0.43130443380173455,0.5041407225642611,0.5634659576989584,0.6294832564451331,0.6871244930984513,0.7284350328092107,0.8667646225363017,0.8764607368568944,0.9038429487441946,0.9132353538986208,0.8196444802456444,0.7891342054741756,0.7285394026689902,0.6888176364845868,0.65180207354809,0.6296104225185405,0.6092099044638924,0.5432406515209587,0.47578834873056164,0.42508971895069103,0.39822558370437844,0.39546961390949376,0.386849087883639,0.39158701380841987,0.38916219249168993,0.38914103472825906,0.392463390463551,0.3820719165827431,0.3903328560832683,0.3962227780220637,0.4125417184021968,0.4464887481062043,0.45152810972658347,0.44165924602565354,0.44165924602565354,0.44671956253702855,0.44512359256121226,0.45043333531474766,0.4786325724361692,0.5328305936389423,0.5708869151361105,0.6038235888799542,0.6363010091443583,0.6704241059388247,0.7133181208107378,0.7507739931136128,0.7729341448381737,0.7849168182615412,0.7871097542837202,0.7966076934117691,0.8005288221051261,0.8128479675904685,0.833629782166723,0.8641038470185387,0.8713650551092036,0.873890780958379,0.8679378124530861,0.8703137263905456,0.8858736706538153,0.8845913811122949,0.8629621566355796,0.8107793989101411,0.7559814075497877,0.6993875057884712,0.6537709873338359,0.5869062191919151,0.5407882309171256,0.4879384695225994,0.4400654326173649,0.4056819993037953,0.37434363766169476,0.3366786697473802,0.30111622396787796,0.26952650605640954,0.25508008819067896,0.24346797375524126,0.23530008159544957,0.22711733486212882,0.2196753436797909,0.2248000870638111,0.24066105987657033,0.25507861800467607,0.2505192636270195,0.2523596489366365,0.2633210314187542,0.2710165212179306,0.2730430527610045,0.27347351512006396,0.30904166454700427,0.33703595976119816,0.3551589628662201,0.36488706518074,0.3653169853861858,0.35065826464700456,0.3302020781983703,0.302833670786089,0.28444763394950906,0.2799863107410474,0.2902913364790288,0.31443278142310893,0.3342091252353008,0.3544437585009471,0.3771322400033805,0.41479131969829364,0.4676616225847825,0.5453087673062087,0.5559253283834992,0.561196186505709,1.0
0.7980448490248355,0.7936519779242427,0.7952713753228801,0.7985054797525548,0.8005745475143548,0.8036845595203626,0.8083349134230428,0.8121221034625015,0.816133531585516,0.8168088217525834,0.8177461058584033,0.8173973394300244,0.8128529862019482,0.8123427472340929,0.8097799761124745,0.8087408873044789,0.8059567723192688,0.8042781132178569,0.8054935304559148,0.7341387718885818,0.6280231076157422,0.5543733942355489,0.5014989540041958,0.45772417085764067,0.41090161423406996,0.3618813868427219,0.3331078261380433,0.2924634633216955,0.2320081126773943,0.16162865168246637,0.14148766024737047,0.13385583374040166,0.1284408322352224,0.12783411440616854,0.1257760669955642,0.12075467218815622,0.10109473632899768,0.07520975210138003,0.05796323509389406,0.03323821616368727,0.01121274859519017,0.0026544762004889755,0.0,0.0,0.003983249876631512,0.024101575417179943,0.05737083984641694,0.10337948292569651,0.5194945202563406,0.5619974452041977,0.6886689535175496,0.7367188767152634,0.5590545198730213,0.5723739909739709,0.5287457185729014,0.5270904383390176,0.5302555455086888,0.5549751917671759,0.5923900075035381,0.5970902246551688,0.5910822363738425,0.5770326884804495,0.5629417304659935,0.5599526818561218,0.5632671947151038,0.5685628078534039,0.5768276465205028,0.5826503639988898,0.5920151427061939,0.6009994545754449,0.6033291562830727,0.6183009647893714,0.6486998885590296,0.6989326132407317,0.7051184094259761,0.7034772465799584,0.7034772465799584,0.7075724409950392,0.7098164698299313,0.7165522987596682,0.7348693261292099,0.7682265457405456,0.7892939470215695,0.807234088620723,0.824970019901615,0.8467755224791144,0.8786861398532014,0.9134950470225387,0.920066716102035,0.926192972735696,0.9175631324447724,0.9099719603724328,0.8862237299012937,0.8609160391842334,0.8329180169529913,0.8111859096358908,0.7713909554511629,0.735345232476614,0.6985037008065695,0.6693783031420462,0.6507729166528573,0.6205957272167513,0.5602750516262548,0.49777930048859953,0.4305333706095892,0.3713330017116477,0.3201115201946101,0.26157083485766897,0.21355150608008666,0.18891219646863022,0.18532347078073286,0.2080796766357364,0.2351652069604534,0.2525872718727628,0.2594919283306532,0.2580556913488183,0.26144935206393943,0.262899953518622,0.26133347193441453,0.2595924947547627,0.2581534927479838,0.2701444386932016,0.2959074944548206,0.3145127592081059,0.31616330557423594,0.32087373990423773,0.33255770469958185,0.3375166572428927,0.3379423712697634,0.33762463389809944,0.3673282410777974,0.39236534226299785,0.41117962240366074,0.42773611102498965,0.4370214773870225,0.43777074912911595,0.44040299666612914,0.44286144237624137,0.4512783930841933,0.4653228220912541,0.487693669611196,0.5166243280937826,0.5450352024393881,0.5748357638157511,0.6176568876620574,0.6824915033612098,0.7702061571472845,0.8767697384853133,0.8815736591387463,0.8860186981091986,0.0
0.9187897874321054,0.9191079638978652,0.9244660087739606,0.9271911659952108,0.9302959589703339,0.9323405251939114,0.9356256189951058,0.9377943215444084,0.9400427114103767,0.9379841086944211,0.9357243768096501,0.9322939349680543,0.9263714893647995,0.9213552940405072,0.916599084454041,0.9126032421729635,0.9092743656552277,0.9057385866892519,0.9058871719548318,0.8266775714397994,0.705757750339403,0.6224884915253166,0.5641617559583265,0.5143917527201548,0.4636373518562916,0.4124941569622317,0.3816165850580865,0.34117727186239954,0.28226122618130456,0.21568673511993589,0.19486741180353412,0.18590197702826516,0.1797778699111799,0.17881830988172465,0.17624573096742407,0.1712054128228523,0.1525810084572951,0.12778300759570127,0.11279943533903192,0.09050840793931836,0.06956822596202872,0.062113106029446585,0.05943030231504731,0.058408233851695635,0.05218053617943824,0.052177769902853666,0.05686177289575295,0.061155689575270955,0.45456676941892216,0.446238758860535,0.5240661804017496,0.5157336587681935,0.2089638449421795,0.24888225386492951,0.28139585648851495,0.29428079892237474,0.2867432445939989,0.296767173672115,0.3143993818627493,0.2830342801813128,0.31185038719694946,0.36413893794378216,0.46304547880719027,0.5388260291641587,0.6337676007296684,0.6706034684030989,0.701741401043437,0.7095195781121835,0.7274021345200223,0.7297219926696236,0.7346510855779247,0.7482170734096356,0.789179796967675,0.8464634804077941,0.8567888744811325,0.8590877097834821,0.8590877097834821,0.8606280451991004,0.8698654267993277,0.8743127497967371,0.8840636782089977,0.9032655250304484,0.9135908846336406,0.9213347116705035,0.9268452442200834,0.9371414001244367,0.9626225168909387,0.987221006250429,0.9828117697543208,0.9704791839766108,0.9393677743703961,0.8978197419771659,0.8431593821464154,0.7986574393635771,0.7594517410340611,0.7298174115322381,0.6866510633709146,0.6378576051915896,0.6363779766641495,0.5466107477431913,0.560498517554526,0.47083588439529245,0.3507912441210074,0.3046288595015203,0.24325960057309187,0.1836882039240404,0.14005612860057348,0.10763407763494443,0.09318639689731711,0.09779602414907435,0.1073834036341983,0.13449532801719022,0.16314724729629887,0.17868069153964844,0.19357426989400983,0.20519575572408855,0.2235526892371037,0.24168878199674526,0.25251049843820117,0.26131631548831186,0.2665448067216708,0.2839010289988269,0.3110002839775799,0.3365291598221082,0.344555599083647,0.3570079849589379,0.3730830555051248,0.3803504435597905,0.3837960640440685,0.38498803087287486,0.41383310108408183,0.440785317718856,0.46389046269705597,0.48379258762882854,0.49550929314901593,0.4972301804877942,0.5007289303629061,0.502527765596399,0.5074345226020333,0.5182918603162958,0.5374463244686516,0.5623882886298575,0.5883344361289676,0.6177504852283839,0.6587415649259236,0.7216151281182577,0.8055581158348092,0.9092782536576374,0.9019507971381999,0.8950258361202941,0.0
0.6382574434401495,0.6343482593936685,0.6372997319862278,0.6387924026688604,0.6382380784762484,0.6402552743220633,0.642715638440219,0.6435388975989246,0.6455089854678835,0.6469783286404062,0.6441039048782675,0.6435556675237819,0.6424395557861015,0.6407613512401247,0.6348947959218537,0.635034458414984,0.6425237035707235,0.6704257886429454,0.7084120761461336,0.6764487412669917,0.5902075744613345,0.5283814248704687,0.47812098539975023,0.432243445064374,0.3899191551033056,0.35497604711108394,0.330586710107517,0.2953313943854353,0.23873849492873755,0.17347277970337743,0.15688004857345245,0.15043563226775192,0.1496484595279065,0.15267664944276027,0.16083089193333955,0.17665241870057818,0.19588783319386785,0.22564439053002266,0.2804568365480142,0.3426466732805945,0.40218990841414975,0.46871568153015103,0.5262561901634537,0.5800920989551867,0.6324033569733174,0.6825731167799397,0.7373753766326951,0.7779813337398366,0.894847546114792,0.9049268751303159,0.9287217100109593,0.9403115078629622,0.8453547213548058,0.8047377239224587,0.7312177212951743,0.6937790052230092,0.6574465911654976,0.6330209065398895,0.6121924334690696,0.5447733735327389,0.4744708117443813,0.42130551527489646,0.38812470540946076,0.38319743624776603,0.38011266467430777,0.37954463872857647,0.38015738237933794,0.38014608666430433,0.3812690855678896,0.38089078935430787,0.38392067669993724,0.391802219102319,0.40958929658893495,0.4415408059528302,0.4425385154214308,0.4456152286308469,0.4456152286308469,0.4485156103696936,0.45434162735151107,0.4545187833041327,0.48727445062482855,0.5402470776978364,0.5798063613690239,0.6176157030505467,0.6504873950957962,0.685554790842442,0.7282837565504074,0.7667209487934301,0.7830316585373684,0.796794179957276,0.8023016309893511,0.8122369104793126,0.8182631129404139,0.8327427464767703,0.8548135538176516,0.8857873382286938,0.8966743213799104,0.8849034115208014,0.8693029457833342,0.8448338112946987,0.8312833679118619,0.802041499398442,0.7526142972943308,0.6931483776864813,0.6372852037326828,0.5679447629707707,0.5303148992938619,0.46417107777622285,0.4209025827623767,0.36715632334271636,0.3220987391910084,0.3028214291042247,0.28100938500480216,0.24971689046262485,0.23474808951632675,0.2205796019206489,0.21956557715005243,0.22233877442460104,0.22006726686116157,0.21534312778749526,0.21015216549283616,0.2164598877627777,0.23699494192163706,0.24664235558496472,0.25037803688715227,0.255728862581104,0.2706039787376219,0.2726978779562169,0.27944581026812887,0.27482664279318086,0.30104468368092796,0.31816682176898936,0.32633059977466417,0.30855077993618363,0.2886802073457633,0.25446492376579666,0.23506509874801373,0.23463088415427946,0.2532263561823469,0.27776968564288806,0.31082062683844863,0.34430072176683496,0.36922564525066215,0.38710182458966214,0.40861027395560934,0.4507423904709261,0.5073727554470056,0.5867840753474818,0.5952625212320334,0.5980545211179877,1.0
0.6197276573967986,0.6133953768512267,0.6130791493182264,0.6151113776387755,0.6148599327976505,0.6154251228591673,0.6192100085307005,0.6195519998676794,0.6215652502843592,0.6201522227175373,0.6204226835185062,0.6205316890841609,0.6169715370283216,0.6157366171522565,0.6117320785995222,0.6094644706388479,0.6086224401299197,0.6071211800398388,0.6149574150270466,0.5969657581897434,0.5630475286587375,0.57261917284062,0.6094008499720206,0.644615068828958,0.6759480128313097,0.6973296807979542,0.7357153188545753,0.7684588959776119,0.7856179520803203,0.7937050366070677,0.81041320788215,0.8293500975120268,0.8413094846344197,0.8510114128410609,0.8579739067464609,0.8569558095308143,0.8614890445125072,0.8590124393886067,0.8559717966672166,0.8512701373770963,0.8514321321880378,0.8518832755537307,0.8513775786714699,0.8545434171845814,0.8533832754217687,0.8575280341954221,0.856557746161809,0.8453359188999524,0.9059808388624533,0.8914155398598977,0.8998340318004704,0.894248604101318,0.767982414952942,0.7163348990486995,0.6408665925037145,0.6024850346442028,0.5630525145183172,0.53352642212347,0.5080894307186322,0.42403829258019404,0.34931195335286325,0.2895226585393893,0.24889514955274705,0.24464135491986017,0.24572920839251605,0.24334594409221477,0.24220831916858288,0.24100933636859295,0.24117868683470273,0.23787736296513862,0.2421195391980543,0.2455405100413856,0.2551843964632641,0.2764928150700212,0.27561046095614733,0.2776365873159876,0.2776365873159876,0.2762316777178155,0.2834857045056701,0.2788386762674587,0.32385599683796296,0.38532557394309663,0.44066433367783975,0.48994930269148146,0.5293242254755448,0.573308233291321,0.6193402204441925,0.6640464842821522,0.6852085223159923,0.6984494379860373,0.7025673434656701,0.7132077071064917,0.710480946421638,0.720072135285966,0.7295203228781069,0.732037019435,0.7210725680263765,0.7037977811465728,0.6809282793770334,0.6561974106348158,0.6371290295892532,0.6039990819658185,0.5567603290121328,0.5007605159320143,0.43852554871341864,0.38460629402297547,0.3342715990240216,0.2720609000172593,0.2150672302658463,0.1656832896539417,0.12141546746204718,0.10279929003934657,0.07966911019606548,0.05944980295941893,0.04674390339079981,0.03838815426817366,0.042382777596373655,0.049619280977792446,0.05351604712307223,0.053580649498835786,0.053808959451118965,0.057690897780620976,0.07286501757715336,0.08115812148991008,0.07788596598264363,0.08178979892063898,0.09947438752729632,0.1081352231307805,0.11192512758021189,0.11126179774999079,0.15158142859073664,0.1832742512807758,0.21065144096003285,0.2314166330080223,0.2442693587996715,0.24534362765959972,0.24606420036403553,0.24547409017620625,0.2522310629080401,0.2607852424000703,0.28135559625562045,0.3101736625866719,0.3304058713203013,0.3471465845369395,0.36815289941702034,0.4026299103083043,0.45336433975195733,0.5287838517310257,0.5354721206268351,0.5381573867962397,0.0
0.7695255552980275,0.7669975659968663,0.7677764479917606,0.7704310835366381,0.7729233984232695,0.7785791323716736,0.7844292892379221,0.7857045332157716,0.7875435295230204,0.7882148337701832,0.7883827629929431,0.7870943584652803,0.7833659688148904,0.7820670730775068,0.778478797908859,0.7756925664228537,0.7731534645464088,0.7713342167094693,0.7707811741490835,0.7036084713144584,0.60098657389087,0.530801018720685,0.4799152202839057,0.43820080998318756,0.39237534718744865,0.34323778667563243,0.31489861735040287,0.27359943580537127,0.2121176912179608,0.13985585199535872,0.11883982032887047,0.1094937521561774,0.10401333582673378,0.10792396813164562,0.1242978593029887,0.14210568130605822,0.13790448374753228,0.11904519074598136,0.10571733660475979,0.08109349373275793,0.059105748221680354,0.05039463107108544,0.05140068328668479,0.05399515654443565,0.053915235877117884,0.06333096942023059,0.06814111071571283,0.06759643420853878,0.4535468679770235,0.44175680465573514,0.51030722153295,0.504275844085665,0.19530947454555936,0.2519395017598967,0.24299987789395797,0.26298220966297126,0.29238640495282897,0.3356644012288854,0.39277698185676346,0.39199437706885293,0.4152985706719482,0.45652245819468584,0.48194242412379873,0.513796634829015,0.5140704102490641,0.5256246611115982,0.5290884634102552,0.5350279982963522,0.5452815732623042,0.5466691181884945,0.5536075430286482,0.5635726180694172,0.5917797467642522,0.6370240707949809,0.6413090506037316,0.640523758346975,0.640523758346975,0.6433983747443426,0.6483187219802681,0.6521437056007866,0.6726865611503062,0.7086765372340517,0.7340867933869542,0.7587288938981853,0.7786287943692076,0.8016330774910367,0.8306136352074281,0.8625629533090993,0.8713027416066446,0.8821473831424852,0.8852032760712224,0.8916810858187385,0.8978936034807753,0.918492404962592,0.9473798694708444,0.9857844281089291,1.0,1.0,1.0,1.0,1.0000000000000002,0.9798692269676212,0.9269496572475776,0.8403085532463344,0.7504862349064811,0.6952732187850891,0.6339694263438947,0.573674487180669,0.5281024315302589,0.4681295375965444,0.41594040835832313,0.3895251422346534,0.37962907149521424,0.3553289155499724,0.33790725823698853,0.318134734989622,0.31453394204161667,0.3102892360135318,0.3039108281231093,0.2999202704283991,0.29454930010065217,0.30381340339466995,0.32767172687998253,0.3504434714042314,0.35409124813183446,0.36249564205348433,0.3750354035973501,0.37794425471702725,0.3673303642770351,0.3531935798446408,0.3609880482367667,0.36485577685155046,0.3648591416617961,0.3671961212412524,0.3668016637827897,0.3619451749904236,0.3623372045232226,0.3617127611165345,0.3688894696601958,0.3799416006212045,0.4016008139964637,0.4311212589248977,0.4596363309160256,0.489391060990101,0.5308229909780977,0.5888612542572351,0.6747684309798988,0.7745112690338664,0.7833107324013366,0.7861073621507143,1.0
0.8231988039909015,0.8177291661058028,0.8224954634532388,0.8333624585222232,0.8435360663887221,0.856947519149033,0.8734549725571816,0.8852222713122593,0.8966008703237925,0.8971881384444438,0.8877216322953968,0.8692579986606965,0.8440880221189124,0.8039584549284787,0.75227281187493,0.6800257655508394,0.6139588805311088,0.5705096840212407,0.5563517200455746,0.5078729791452931,0.4442169336918501,0.40200316845295125,0.36460307283386306,0.33061471359172,0.3015254498473673,0.2816076861162902,0.2886084868346796,0.2880481579601789,0.25178658232102696,0.20264065271254017,0.19038581445050762,0.18457178644360822,0.18053434634975352,0.1896695408787349,0.19360747948560517,0.19596895049289823,0.19049351485510482,0.18629032349099364,0.22090887958125988,0.28862672212544377,0.3656219322644553,0.46730566983677013,0.5700241311720882,0.6537089471784032,0.7245551930794256,0.7824665899244462,0.8329444228454883,0.8655553989296882,0.9378835159575587,0.9416419128182183,0.9571404727309845,0.9627132612724876,0.8859802914727302,0.839669142256807,0.7729434415565539,0.7317759903454234,0.6955243571711822,0.6688376857144969,0.6488932426424143,0.5903042191266819,0.5262905534199209,0.4742609712470608,0.4443029098071559,0.4402829651809962,0.43631291778515074,0.43579704138979836,0.4358633449640805,0.4359741754588183,0.43692749757765154,0.4368248372607705,0.4389939516613375,0.44668479162494673,0.4622513733056991,0.49919461182892644,0.4991579589155624,0.5008535897226282,0.5008535897226282,0.4991206549811272,0.503050159830153,0.5002867140123943,0.5272748343671992,0.5741210422463553,0.6070639002310677,0.6425140077810383,0.6703011503857979,0.6990626035193949,0.734273181273467,0.7664656683039923,0.7768024233311369,0.783446916578346,0.7793879195426043,0.7795049049392264,0.7713710740652323,0.7712205721326089,0.7720005863399378,0.7734589184784422,0.7565133507546339,0.7321311146390418,0.7047003225225082,0.6771779267111511,0.6568401779671066,0.6296905824782568,0.5877697256290033,0.5385696106681848,0.48182181404246316,0.4348459964422345,0.3936374881908584,0.3375751285270613,0.29293255667623186,0.2513115180591567,0.22472744380614168,0.22111751282256553,0.21814719970799606,0.2122455946800736,0.20724800207461996,0.20195948104123096,0.20516733071329274,0.20928000482638498,0.20909692112378708,0.2031821870330775,0.1946349012643781,0.195390078480234,0.20779005635323455,0.21806158171373202,0.21291732302849092,0.21815851846741935,0.23505204233506288,0.24463211908524768,0.24669628981129244,0.24126730569096583,0.2644082464445794,0.276749520759362,0.2823934964844214,0.28690181247790986,0.2843356108705071,0.27784220933091897,0.27588887741886536,0.2745629208513943,0.2837038286255907,0.29649144260468163,0.3267949155915686,0.36550846472978304,0.39221995992841774,0.41722068981658067,0.4456430421976487,0.4909561527076908,0.5529067988206149,0.6393463414195436,0.6459026514531723,0.6482318278258883,1.0
0.5185684152525192,0.5445679123805282,0.5710055621536952,0.5873264992003774,0.587248731585822,0.5862815547700387,0.5844239057668986,0.5819787981931897,0.5884549917846444,0.5917305507685565,0.5921285523602259,0.5921607424615932,0.5899478866165196,0.5929649429275797,0.5946675094389224,0.5931003287757447,0.5933379042902017,0.597146874115175,0.6050965280138298,0.5670672009354948,0.5083645220357426,0.4891409735084383,0.47659567093228816,0.4651416881290102,0.4330478488961993,0.3930151908793593,0.3644636567359686,0.3222495898249082,0.27119438905415855,0.21023677278014996,0.19511569784795457,0.18812517173386428,0.18616844079841005,0.18803686314156864,0.19035210267252567,0.19129702253804776,0.1908237383113032,0.19632604787713018,0.23843678133521118,0.28381250652960277,0.34027646393489375,0.43912895811426766,0.5034379735461225,0.5734663652207247,0.630312982879578,0.6899667037167807,0.7524443042116299,0.7879130027338341,0.9007247118609367,0.9151319533529827,0.9326646000980998,0.9323626060908621,0.845415842372796,0.8078817838314872,0.7403262446453539,0.6942072308298849,0.6535882751909874,0.6295138872180962,0.6046965582219537,0.5400454484742048,0.46533962779018634,0.4099247763377092,0.3742429881842052,0.37016142300722,0.36744883301898296,0.3648554042493444,0.36639260253526684,0.365571695694253,0.36618703069959896,0.36333651936987665,0.36771559701532897,0.3751145412317249,0.3861400468835906,0.41691213426012064,0.4195426790472064,0.4212281243955982,0.4212281243955982,0.41903967158347405,0.4292655165153286,0.431165283202879,0.4628096465157152,0.5164519012953143,0.5600061860098422,0.5946333897016841,0.6271303040057576,0.6607256280417351,0.7030319868301429,0.7398552980842419,0.7570030532442729,0.7700539297902045,0.7789201668797643,0.7860556712127592,0.7877800147138121,0.8041301792881949,0.8295168551014978,0.8559597243298263,0.8648547053076525,0.8657152839038362,0.8704218697501203,0.856447781859468,0.8710181848445144,0.8668312174156096,0.8384140488968606,0.7874867618509007,0.7236740032374062,0.6774540537187812,0.6360060126608637,0.5801599873936168,0.5302534607452885,0.4673096900070851,0.41206859484205494,0.3884617787900313,0.3510290526857359,0.3303665250056831,0.3050447694817501,0.27766010727197077,0.2643728296424695,0.25324242494550625,0.2416636685007562,0.23161514161732066,0.22541156268869506,0.22586052089510295,0.2375557132535594,0.2486968622694301,0.24466792602507892,0.25048218829590785,0.26246048802999306,0.26880906837914126,0.27197013776098583,0.27168708319698454,0.30311030309034875,0.3268743565642908,0.345744510128836,0.35952844506470905,0.3631538288698071,0.3588854200200427,0.35182204214898233,0.3477030418591483,0.3437847742778402,0.33686289317815926,0.3336729157708386,0.3254535503467749,0.3132469407748444,0.2949258047928026,0.27409012561837853,0.29445245270234144,0.32919084699245926,0.41822284641570373,0.46564145490631925,0.49112038601775754,1.0
0.1824110166826498,0.1752385504186209,0.18446328737788842,0.1892164599014725,0.1906324628691758,0.19125501639933962,0.19489489169253127,0.19298451946207917,0.19745876023715425,0.19515493668510775,0.1957955053646363,0.19646214379010307,0.1942605808429987,0.19517161603238598,0.1948445104408585,0.19650891011735583,0.1961563030686031,0.19692796531237744,0.1965709187032454,0.17941948700448318,0.15343260636742417,0.13581304711428976,0.12139541903694417,0.11001765187645851,0.10321747548655136,0.09883171847459526,0.13289908447577625,0.1619750098450971,0.193011491797959,0.22851353609314726,0.3190014105840956,0.42402500874923715,0.5108356491514948,0.5834543668454126,0.6319410722567076,0.6675708953320916,0.6820896617488159,0.6897104879030282,0.6944972091231345,0.6888902102393912,0.683743737208776,0.6890573224905071,0.6903022458921712,0.6904258323245172,0.6922750228513931,0.6932988878791564,0.6912335999356025,0.683959459894678,0.8101166623391856,0.7974008407399454,0.8165499801538917,0.8095819678050504,0.6323643542923323,0.5994076512749817,0.5134345268697008,0.4735028799591162,0.43629680338089644,0.40531464530296485,0.372678413501905,0.26430192437900035,0.17949875614170227,0.1127453774787992,0.06392688058280788,0.06330282230750006,0.05923691869576325,0.059506621273091864,0.06423910482844802,0.060271071001752996,0.060129207310952115,0.054582357057607334,0.06098592622205412,0.06125806370794029,0.05863057875571537,0.0650895201274489,0.06312212073365125,0.062343034998973146,0.062343034998973146,0.06138073292481361,0.06357738589741668,0.06244388987231969,0.11383955347737745,0.19255030506493917,0.2569742207333964,0.32491562402042234,0.3782306932782269,0.42950769876247874,0.48323509805326503,0.5288345947468271,0.5543204930645882,0.5719029297318586,0.57735803661837,0.5869246278286344,0.5924613854689288,0.6019439284764007,0.6175110687225294,0.6400763632857935,0.6475036677623673,0.663647720711638,0.6762762392867181,0.6897766297898269,0.7199098184117838,0.7462597069582231,0.75972407128448,0.7567033949231807,0.7533897942179388,0.7600707847323749,0.7816490420303217,0.7867015534601343,0.8124810245288313,0.8219760331681283,0.8313093845218942,0.8488567433499845,0.8676236988027157,0.8698385045427404,0.8715209391365661,0.8717900932538609,0.8733613248509082,0.8763339939053447,0.8755811071614121,0.8781836619919832,0.8918307378839245,0.89775450743663,0.9325646868354509,0.9624584892831479,0.9779137036727821,0.9797447590922866,0.9759690125086966,0.9666483588284731,0.9616999623059149,0.9562485697167318,0.9451476244999747,0.9385142776868793,0.9235717835182531,0.9038063383165233,0.8618903984632686,0.810872861819062,0.7566879240921895,0.6853408735461353,0.6009838033819348,0.5185849960363018,0.4326716546227285,0.3535188207996745,0.26916724476088716,0.1863209891487838,0.10044042689999855,0.038307947433177336,0.0,0.0,0.0,0.0,0.0
0.8572709860413918,0.8571492286214133,0.8604752528512298,0.8609792069798298,0.8623941469928949,0.8635102986270804,0.8683176823515033,0.8697706387292401,0.8718506444323642,0.8712050151412709,0.8716316628919253,0.8691485940193108,0.8658011934236998,0.8639666541781261,0.859566705281525,0.8577811002134075,0.8537998822009787,0.8514481324915181,0.8517087293003088,0.7775409309954775,0.6653282310405313,0.5877503072136144,0.5321528716569242,0.48625797110504715,0.4381118667717375,0.38869452170635044,0.35919015690527356,0.3188256883778884,0.26028358315683636,0.192406340685014,0.1728794397045455,0.17168654401083033,0.1825550154798612,0.19868909902022341,0.20805803264626474,0.20654256763042445,0.18858407331280616,0.15970118186359528,0.13985305143504417,0.11526099995561645,0.10173735015254032,0.10929334604539348,0.12274136939739297,0.13328215649754224,0.13757375743412575,0.14908340812995619,0.16271069647627137,0.1818030878772127,0.5350769099615001,0.5434138629184326,0.645017895915099,0.6865679867635363,0.5248302510025635,0.5887490140340484,0.6042628050560364,0.6660929547822556,0.7220312223516401,0.7785321465278866,0.8328455528297652,0.8593220109102049,0.8654424522757426,0.855866591323416,0.8463422651355241,0.8396819216325211,0.840415072734942,0.8416695587311464,0.8407124056216865,0.8428403779837566,0.8465984617238616,0.8491265195797216,0.8474085143519627,0.8629004395783835,0.9093725627592604,0.9724735081510018,0.9715998146328275,0.9709737223570323,0.9709737223570323,0.9669884811869178,0.953813718923661,0.9227471671652108,0.8861700400818908,0.8288469804469907,0.7546617242771426,0.7034349623693622,0.6406494183985425,0.6001439371756563,0.5717825931743434,0.547309705595627,0.5080887884949672,0.47041550883313593,0.4219800612059893,0.37617689433038703,0.3348842055011522,0.29346700296584205,0.26242315872733574,0.2325360735008126,0.2026333923645294,0.2149595774834681,0.21622865856296883,0.21882737022427237,0.23187504495699718,0.23907250697766738,0.24278717512993614,0.26195236933270755,0.2691447301610995,0.2773316099228575,0.2897134079409426,0.29013859038118955,0.2981558518698657,0.30612415841372004,0.31675143940594036,0.3401671336020251,0.36271290858792493,0.37119188295095185,0.37548447477537283,0.3746938715599658,0.3734829801889272,0.3705514190531602,0.3574959329110319,0.33877731304909514,0.3146245631962994,0.30279977624261784,0.3092864938526197,0.3236851501190781,0.3250479599035939,0.333201518664696,0.34961806811135204,0.35639286208180476,0.3589087580418965,0.3591955039826429,0.3909611951844442,0.42149152379939947,0.4479723743969054,0.4693658850377508,0.4860914342910102,0.4947864779546515,0.5024492412264107,0.5086243984336112,0.5174984372600583,0.5309092382938356,0.5526947441966805,0.5794208327836945,0.6056701530670598,0.6359572858136977,0.6807780692435609,0.747317094916282,0.8405903253239388,0.9520703316975977,0.9530670597551728,0.9555259201245572,1.0
0.6932246302934962,0.686218269668071,0.6869170952655314,0.6875897451904617,0.6877564916092497,0.6872044042528592,0.6899345067846601,0.6902274989241011,0.6910723870684151,0.6911681322622526,0.6913052776445806,0.6887904560394479,0.6850270393958314,0.683663664951108,0.6813797997704605,0.6796712586468457,0.6817370507647793,0.6932122437422694,0.7348480177814646,0.7386704377042854,0.7162051966572593,0.7361696621019603,0.7754594227029418,0.8152800606130004,0.8382372770152046,0.8597699259304541,0.8854185242190775,0.906832110936042,0.919426058062979,0.930629243751642,0.9415543958322528,0.9458089944409596,0.9466625883139733,0.9463161866358608,0.945955040373136,0.9470545229911699,0.9464780057519355,0.9500970099941283,0.9472738494796278,0.9468600197093444,0.9480240671911724,0.9466178440777185,0.9450277944099641,0.9499145560442692,0.9478735533449063,0.9508878314856857,0.9440446363232313,0.9333036951956952,0.9555177418819052,0.943475802430596,0.9459559067842034,0.9420069998425203,0.8454834656267423,0.7978198984609541,0.7273427335904015,0.6839921587883647,0.6459083632558464,0.6162990677497735,0.5934624464785134,0.522818929577475,0.4534801905881969,0.3950093856069653,0.35918722388231994,0.35677132376603626,0.3490971665163937,0.348973015609344,0.3519558911289524,0.3514715512139516,0.34972646769057364,0.3476698201180928,0.35467516504413277,0.3595646358213436,0.36941083751812065,0.3879731275976973,0.37740106185737415,0.364199717264605,0.364199717264605,0.335308320746364,0.3233699610934332,0.29411747637667157,0.31591187740198734,0.35822741147455195,0.3975932928483453,0.4270019114759909,0.44785823784092604,0.47235301338806956,0.491515010094884,0.49294329597475417,0.4737391929276278,0.4392682237576539,0.38525906534390064,0.32680652653698067,0.2642632367856199,0.20344230968228125,0.1431133289603269,0.08531028195671031,0.028064963038468782,0.03022453304118572,0.02473113090944795,0.017965396441825876,0.024671074355006706,0.028404423172742332,0.03035054566946671,0.06411025306331214,0.08000269172087837,0.09474278545898712,0.1040647172507233,0.10495983093148836,0.10572243448805169,0.11366256271213149,0.12040448663152703,0.14350902892720857,0.16483700844980054,0.17070277583140248,0.17147769010546204,0.16846179993566468,0.17250737720936948,0.17729068653686203,0.1761475365330969,0.17267172147715748,0.1667638795496464,0.1726871169696938,0.18687086509760914,0.19843865592431703,0.19572172888686235,0.2012558134492058,0.21541648369534533,0.2239277786292973,0.22713452237645382,0.22646808746986186,0.2610694374699416,0.2887591166061773,0.31407189383556255,0.33113320013846903,0.34248890250047814,0.34321592172920806,0.3449309985246408,0.3452822314621332,0.35228508298875866,0.36174438231304634,0.3837676202494899,0.4115320750316025,0.43562198882134484,0.4582023881596816,0.4885092346442773,0.5370913143488883,0.6044562812672927,0.6920659073923139,0.6959741655961902,0.6947514649445721,0.0
0.691704085506853,0.6597752571063666,0.6359075089449246,0.6191569806693086,0.6095099140540899,0.6103202688720871,0.6140490913093375,0.6197142196449421,0.6275426666340826,0.6297862301528925,0.6317634562230644,0.6340984205742357,0.6346052203899862,0.6346628243782826,0.6336362860055965,0.6318217371549576,0.6306728325559829,0.6442752910918926,0.6755046607438173,0.6506155731940999,0.5906281022382112,0.5437326700770346,0.5060714506425085,0.46830121679662606,0.42316341759573134,0.37365838351112063,0.34363762389957725,0.30455513787162547,0.24793708772625167,0.1837619120894497,0.16341712178294654,0.15379444371830142,0.148463901021666,0.1581783934421931,0.1772264693901544,0.20860745134445055,0.2549165898252484,0.3022427373895212,0.3693956990056464,0.43322207378159727,0.48934011649042536,0.5549474052765623,0.6147069038415504,0.6800872787187071,0.7404192212877136,0.7960978347005883,0.8400875629629203,0.8676827940404219,0.9370548428581986,0.9376448563115743,0.9441040802436048,0.9425764919843682,0.8472855853306556,0.8039548390881923,0.735484264697625,0.694929259035742,0.6590934146911962,0.6300000858201796,0.6075330543012212,0.540007694920821,0.47245282586607906,0.41594728176495444,0.3795210564531958,0.37344406966125765,0.37029138027619407,0.3672146032101796,0.3602254352207286,0.36168125990571925,0.3625619423201069,0.36182701410051177,0.36591425692342827,0.369830931096295,0.382640052013167,0.4145954553946656,0.4130837668543991,0.41088997844591235,0.41088997844591235,0.4130249867770967,0.41774043019311047,0.41751947747081525,0.449685580688549,0.5045822946333649,0.546649231523095,0.5848628395969833,0.6192867125691716,0.6559027203113853,0.6979024795130653,0.73760759256875,0.7550842911511111,0.7682354533136186,0.7719069833293712,0.7805503577062876,0.7839006591868671,0.7981833957068896,0.8187449607782387,0.8483304168380983,0.8538892974557146,0.8495416464445076,0.8352879111625822,0.8249345790083331,0.8260233808300173,0.811760939443164,0.7759180911849195,0.7197234401416324,0.6580602969946937,0.6075553469253991,0.5695415768860616,0.510382179925486,0.46285878537077596,0.4130474024118123,0.36276819281804473,0.32995994264841233,0.30326535877520505,0.2660715517844545,0.23793669403244827,0.21232485254866312,0.20165561855467795,0.20029820241087498,0.19750729625668056,0.19295153399543097,0.1869873702507307,0.19131301345663798,0.20794752355134294,0.2222532375522498,0.2226240772324941,0.22880761822647033,0.24117645677473515,0.24728703756119536,0.25027975608519903,0.25019348202709024,0.2832374897915418,0.31168049032520745,0.3334454185920839,0.3474067627040981,0.34544042114992995,0.32552893138413586,0.29090426224120747,0.2462710196269584,0.2100924688525192,0.19998691775296618,0.22534561025706945,0.26747616824103626,0.3046854885489573,0.335331580788894,0.3615526175025824,0.3998789607888591,0.45026966281318626,0.5242244684863422,0.5352751535259125,0.5405030081221223,1.0
0.6207160850691265,0.6157782311709682,0.6162719230304388,0.6172121747546014,0.6184479858500117,0.6200346071026582,0.6231574644263761,0.6225879748069504,0.6256953360454897,0.6244248798068786,0.6234065153412667,0.6222298238482024,0.6202643078392568,0.619440307429305,0.6228005642662028,0.6373513570255405,0.6594402904557503,0.6922537997799424,0.7359133572511729,0.7106980823790034,0.6290247228219541,0.565309313639813,0.5130668767865829,0.46958716930059313,0.42176874576184314,0.3769174842844189,0.35070530982337833,0.31082358293850587,0.2539967916898537,0.18847641640734958,0.17220495014956688,0.1660513742947865,0.16129032024249768,0.16301716029401553,0.16266990501150036,0.16499239889851064,0.17183701935185108,0.20162621654302412,0.2519565880404292,0.30897591283231335,0.37550656175879993,0.44675260430223285,0.5210993290422009,0.5972520270033403,0.6559240578499197,0.7161055424261618,0.7698916546373744,0.8034881333512057,0.9087536244067227,0.9167664419134252,0.9400299887955257,0.9425035841629623,0.8504282160027778,0.8055965699962925,0.735089473413836,0.6961772349987354,0.6597604949433418,0.63327816865094,0.6084356719478683,0.5380797347520843,0.4696066225437344,0.41329965893742926,0.38294874920317723,0.3780558722817676,0.376967379146355,0.37092927020608346,0.3705726086103298,0.37417319431179247,0.37390208608511427,0.3710945108871103,0.3778116979172035,0.3818836113689576,0.39438220599389906,0.4240374043953967,0.42812379958304264,0.4338830257073868,0.4338830257073868,0.43988851412244384,0.44194741226360545,0.4464982061483624,0.48261835094391026,0.5344178138171537,0.5699769839549415,0.6117058258779792,0.6459697052383611,0.6833729298613551,0.719141122494137,0.7557093214660173,0.7733697105974652,0.787154617239014,0.7922643089995705,0.796234161212342,0.7978832618129832,0.8120515473638502,0.832127373176871,0.8559752675651754,0.8556812524608438,0.8526669427351423,0.8441724712816883,0.8356871616716108,0.8308474108574861,0.8194033587999627,0.7943903717777956,0.7406583718815107,0.6861787473954541,0.6385448626538707,0.5975327633479581,0.5387554343652495,0.4874315699382805,0.4296053787824104,0.371560859127494,0.3300061706014485,0.29989113301941545,0.26485597029168945,0.24235200958248188,0.21868372770880673,0.2127007363654645,0.2115091161061483,0.20714992135683985,0.20331054390050252,0.19563769275435394,0.20227162017593725,0.21970173727749143,0.23439608174034143,0.23353823137515028,0.23955383596196356,0.2517805337137856,0.2602580130423259,0.2607259897646895,0.2596184462807739,0.29102097691326617,0.31991006144162837,0.34158326649894144,0.35449913264399574,0.35519765003804155,0.33703345332971735,0.3125802684526763,0.2831958970120793,0.2614195127843306,0.24603946780094288,0.2567479424096195,0.2842558057152542,0.3033639322824092,0.32053153146272007,0.3409322780063855,0.37231675612061144,0.42252541831373625,0.5004850625997285,0.5181984144405513,0.525057937291352,1.0
0.6688936681605939,0.6619890705937995,0.6631784511142335,0.6626633128952542,0.6627597667043852,0.6640289901188915,0.664966737245108,0.6668682485957651,0.6656636511457834,0.6645154574291785,0.6638095745008403,0.6626432232839127,0.6594502269081153,0.6572835012718924,0.652942904467824,0.650514814683675,0.6532435078833443,0.6840038159241174,0.7680677119309818,0.8168054683486802,0.8223430052126165,0.8406056381159545,0.8755711737120062,0.8923621272300364,0.8992395385176171,0.8779241169218857,0.8799350893692577,0.8756059686709123,0.8690540441582363,0.8575125614676469,0.8489021982113957,0.8587164985157547,0.860901209637476,0.8638942344345077,0.8656620459322858,0.8692172909905251,0.8668660481440259,0.8698381493642824,0.8670698335575056,0.8631767945263908,0.8559335330879034,0.856529246169204,0.8525441463386014,0.8531889136609712,0.8517362064772864,0.8537402212180418,0.8515212009291564,0.8406434476394936,0.9015910781122782,0.889579925921578,0.8996003655251652,0.8929338424871005,0.7672880761871989,0.7265690004648204,0.6490571302959575,0.6071677704714662,0.566871544026365,0.5397747512963436,0.516767811453432,0.4293965273625276,0.3535642845634108,0.29386195518400804,0.2464614787248931,0.24382024876832364,0.24410398549212992,0.24436032023411536,0.24271918759001854,0.24219611563254145,0.24061700731403285,0.23696341761806428,0.23977209581221104,0.2425099695343062,0.24946776031696205,0.27496630382073006,0.2728540558583123,0.27907443039186164,0.27907443039186164,0.2803140146171153,0.28249395906653385,0.2877630604589963,0.32695962838388826,0.3912265030272374,0.4411302928607619,0.4863326450027226,0.5293636839256524,0.5687211050031206,0.6119341513002969,0.6531745151211308,0.676182403882871,0.6853601632060901,0.6822980905772777,0.6764018824185809,0.6642585678784636,0.6600534589516167,0.6644998366335781,0.6553327024684352,0.6272055946730966,0.6083686845158909,0.56758059018007,0.5186249828879892,0.47397827628796735,0.41140004263567465,0.3320320806320337,0.2696650290285909,0.1970282912099408,0.13703229128893962,0.08433972164878456,0.035353343640186274,0.007113982491050663,0.0,0.0,0.021606988102355285,0.04026357574635542,0.04656441326156746,0.04770663591012725,0.04698168676979575,0.05516047242733013,0.06228493893932063,0.06295619482605619,0.05795252584395194,0.04968709609091182,0.052650230596295367,0.06570911723248252,0.07437441065123551,0.07092768964613494,0.08118890831623815,0.09688333368354451,0.10769008348120468,0.11416143060791017,0.11406372512742491,0.15635549791491943,0.18917366127487034,0.21821055588989036,0.24035335055144946,0.2541016598170115,0.25741785834707287,0.25887126262425486,0.25994556819476833,0.2656341609208989,0.27516328070884766,0.2961955428839066,0.32461396787429975,0.3437804321433914,0.3611668212878769,0.38219311960826596,0.41936556052852136,0.4725139814381297,0.5478097615088146,0.5555469081265042,0.5568593435184407,0.0
0.386628071915024,0.3347506398960475,0.30269041093277704,0.29576633259010876,0.30635204405766037,0.33676746734708196,0.37258868168427794,0.4027278527858701,0.4262173042505797,0.431038103945396,0.43386373839980097,0.43433189921255255,0.43709609833244123,0.4436214109171701,0.4464195600777465,0.45153885541831984,0.451463931811969,0.4526846055357133,0.4533385986170253,0.4178122199905039,0.3589545866972941,0.3192382976810382,0.2880015569664419,0.2646615937961373,0.24088789955007672,0.21945035710283134,0.22080522292784155,0.20614469905077892,0.16184994911398437,0.09572325380528185,0.08039689200957822,0.06434491023332906,0.05108975130263255,0.03936716347463537,0.03576365560368194,0.03814690830469103,0.0221470338535531,0.0,0.0,0.0,0.015893869187271814,0.07663104196956794,0.13446832204772644,0.19906690294741244,0.2639466118078691,0.34906855320477265,0.41735847845404295,0.4688149953099219,0.7157185613012002,0.7335426711008972,0.7866846691575038,0.8041573932413664,0.6577200484816716,0.6533332892708497,0.5921768704773973,0.5650194534730933,0.5302317564674388,0.506255274158517,0.4808992093516803,0.39329296081534915,0.3182957683790386,0.25650752440750224,0.2143713304124727,0.2175423217565401,0.21448581730461275,0.21526985400411247,0.2191305106049256,0.2199690953019598,0.21906535135536925,0.21936452543394747,0.22623603694502736,0.23075821425755189,0.23780683078014508,0.258708227561649,0.25775043695672767,0.2561592250896758,0.2561592250896758,0.2525470752119377,0.2605680395596146,0.2574948138998567,0.29915434693764,0.36772384486039555,0.41643992043664013,0.4694225582778983,0.5134758242905311,0.5568388743675202,0.6031199003373773,0.6456395379517583,0.6666602256987315,0.6822340237067932,0.6878976250384662,0.6956226072097007,0.7007554074313977,0.7138491025396978,0.7341519763667191,0.760589313294536,0.7720287264677337,0.7829040745434535,0.7914643846280325,0.8069038544584064,0.8436477021174531,0.8721891596012299,0.889035231277298,0.8831712685617606,0.8758039497333361,0.8840427075388675,0.9066422209338629,0.9156725886004529,0.9472446257349758,0.9564289275496385,0.9595545885479548,0.973102027154664,0.9957967429920307,1.0,0.9999999999999999,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.9625130775410645,0.9098729975137859,0.842233473164645,0.7763445658193768,0.7033424411320361,0.6283474483323437,0.5787086264872271,0.5348109354093763,0.4881626159221405,0.44057740059189326,0.3946810846366747,0.34637826502632274,0.3159017117009015,0.28680269805212605,0.2744707728127723,0.2719292319660892,0.2871964540910359,0.3120479675301021,0.3280391087133183,0.343108982006628,0.36162913202063407,0.3942011733029013,0.4429916038573857,0.5128847304319337,0.5178316510702949,0.5194402109810885,1.0
0.6965102521495252,0.6913938374312134,0.6921031162428214,0.694570331734719,0.694482839014148,0.6968870011888163,0.6998417188162341,0.7009027530604668,0.7032001557657817,0.7064574666922705,0.7067128180415533,0.7061660575018881,0.7061074268059521,0.7066985599929891,0.7011735200946778,0.7037438836713986,0.7214512655768739,0.7598310263721306,0.8141463397321644,0.7955771532793215,0.7053026851499992,0.630504804986058,0.5696476936220933,0.5149663085797036,0.46625818084398624,0.4248117288667461,0.4011765620562328,0.3665206585155798,0.31960550365796747,0.2666326642443061,0.2560913464931787,0.25346507870146606,0.2582181343662583,0.27173428033255204,0.28262145127447763,0.3051621076826263,0.32621274672188416,0.3667788502645418,0.424571051844596,0.49543735710465386,0.5881664112415957,0.6613593381103444,0.7278703162208966,0.7954846790462329,0.8531768194277896,0.9099132866514341,0.9559803602430088,0.9807536827125591,1.0,1.0,1.0,0.9989158144798705,0.9331688184274367,0.8804573490323309,0.8163105995411639,0.7739150831949109,0.7389919697302709,0.714435683455293,0.6970795156376817,0.641234123919536,0.5832961196462968,0.531198726032309,0.4915116154715171,0.49310831571451175,0.4888770232476823,0.4879664046562928,0.4910203634600263,0.49283052806477773,0.49228196373967387,0.494016438680535,0.49672067675469134,0.5106183907614217,0.534738856954713,0.5793828041325151,0.5813979523190915,0.5790913785643502,0.5790913785643502,0.5798941145987078,0.5863468456480331,0.5839840734587536,0.6075014726113476,0.6443312056601327,0.6747998460799496,0.6974915141278196,0.7099426392730916,0.7202072875302049,0.7386055944187605,0.7494295442022583,0.732926624914163,0.7085851614826353,0.6629972882727372,0.6158490105869042,0.5498598866563754,0.49764790559738703,0.4408612856141877,0.38335237132513245,0.3283158010016958,0.30092550333244317,0.2724065218062013,0.24294550506891818,0.23426689223111175,0.22528809462081592,0.22391432350102392,0.2364723625830897,0.2404234076941618,0.2464594855188206,0.2533042249404526,0.2499375887207173,0.24930523479547922,0.2550171328477214,0.25857295973532896,0.2767420070704128,0.29374382662758586,0.29263899606725524,0.28497885362457226,0.2723198749513587,0.2633775217351018,0.24722638124822544,0.22483078848147298,0.19406236071725874,0.15339098767249698,0.1256179476795617,0.12219800781779344,0.12702942730078948,0.1246498154847262,0.1385232827755739,0.16430581181367454,0.18547213530312057,0.21113009660207877,0.21809488096915575,0.25917293666170493,0.2895346047029853,0.31669496703556266,0.33576692103265077,0.3475294485226533,0.3495469825408356,0.3529088889200088,0.35383046926933376,0.36225461638801326,0.37332606656453066,0.39569897499946527,0.42575878555872293,0.45018684391130076,0.47361642409274374,0.5062954350326396,0.5570312226957438,0.627321644306558,0.7173814556645448,0.7220256789215116,0.7207372539027782,1.0
0.36044135908921093,0.34915615961017876,0.3493830418564192,0.35125868504068014,0.3529395526673551,0.3531240766415893,0.35431643574892746,0.3549065757218064,0.35583772625262367,0.3554880964147831,0.3558640322957789,0.35498625254236726,0.35317419751371104,0.3526277081993914,0.3504097355101221,0.348838936152568,0.34772678937903856,0.34668280670206797,0.346824433308231,0.316722116273652,0.2698432839956164,0.2382918658595663,0.21635522564143927,0.20534835595041157,0.2102054564024956,0.2272458558751312,0.28100508745190445,0.33508323611613544,0.38492575254036393,0.4394894388358305,0.5200838099452179,0.5961796689806864,0.6542571430366235,0.6903221506623216,0.7229348831112477,0.7456285302820618,0.7482983857209011,0.7570932594100561,0.7555041844647525,0.75060283044223,0.7495350467694433,0.7532200131452113,0.753410637430599,0.754446255558353,0.7513350024387506,0.7567079109436062,0.7572345610149347,0.747016611206405,0.8476722614331941,0.8367378194822483,0.849504778788874,0.8417815546481534,0.6836737233016004,0.6486383307815493,0.5513866079389536,0.5122764552290703,0.47114542913376006,0.44287870845490984,0.4141054518980507,0.31357919296300263,0.23019691325360805,0.16969949577555626,0.12202336260476754,0.12283412951396394,0.12280325499475331,0.12019581994879958,0.12007446332483207,0.12168472576364919,0.11819616616767742,0.11742902115536769,0.12598511962632541,0.1304497661367458,0.12936389488221056,0.1471261423598217,0.1469049906028041,0.14021123404628644,0.14021123404628644,0.14077422912429655,0.14809603376307368,0.14763698205745363,0.19387197970770342,0.27007614136760605,0.32801702614724293,0.3865446662621639,0.44183991615987395,0.488740183121096,0.5374698644798458,0.5826226566439876,0.6077532148171183,0.6238221036316656,0.6311808317750145,0.640587908189722,0.6431620927704713,0.656509579367129,0.6766391916406005,0.700534537189999,0.7083498966850301,0.7235402258726449,0.7313020802175032,0.7446992063361263,0.7824610141512967,0.8039426605876229,0.8175796503296103,0.8154468543615417,0.8086899027432306,0.8114810091456615,0.8412250159200984,0.8488200263695702,0.8833546884444862,0.8994452318651163,0.9065159095144925,0.9125701919641195,0.9358770741980147,0.9346365864161308,0.9236082365275449,0.911009097228222,0.8900595854897821,0.8692923971720159,0.8427362940639985,0.8074695926725133,0.7733688726928667,0.729648318947149,0.6976626983374805,0.6528471068552167,0.5821784117588235,0.5117886388491748,0.4406478952094385,0.3661942414709811,0.29861287933811553,0.22974876784486598,0.21140358809866777,0.19526886225934503,0.18225946593005804,0.17058090508219514,0.16179851237739284,0.14666823444549226,0.13875801048975545,0.13736100419291009,0.14748689114395497,0.1566802007792366,0.18062886734444916,0.21113427117012373,0.2277977676074162,0.2388429575451897,0.2476062795627333,0.2697220805620443,0.3029089408007226,0.3635850773517786,0.3744242590784218,0.37575743843855525,0.0
0.6855989475819925,0.6816031167070609,0.6835927834692015,0.6861117699420641,0.6866489139816079,0.6868550523701716,0.6892013160882019,0.6889743113849973,0.6899499946308247,0.689545167708063,0.6878315131115875,0.6855649054054908,0.6826722683437304,0.6799413364335596,0.6762766448307639,0.6726904310961841,0.6695774806370485,0.6698765762303104,0.6834282636547238,0.6547990164914775,0.6217198181290704,0.6334044807875263,0.6716376367412623,0.7160303041610327,0.7422694628133033,0.7703336084196799,0.8042298673514007,0.8294528005182821,0.8393231785607368,0.8501761229032898,0.8639635778474897,0.8777509208670947,0.8834770179510336,0.8853394789707612,0.8905041712353909,0.8952207253512111,0.890468431378921,0.8945615152728228,0.8938334551041432,0.8887675289564112,0.8874857747603258,0.8886352040722398,0.8853376785428129,0.8873675203246665,0.8880559769911749,0.8894002260913689,0.8909444717411965,0.8798675689047055,0.9252324467533384,0.913253334725669,0.920222753731484,0.9159082948507994,0.8027853828235184,0.7585741423704928,0.6865757423828329,0.6443318907979683,0.6035531104720506,0.5779879969813123,0.5552092505408346,0.47762298871067904,0.4042468797095502,0.3496091395310794,0.31350771367225283,0.3093644874307675,0.3032108411403704,0.3050711174030081,0.3054351975491406,0.3049994316499259,0.30437636876860613,0.3061812359412075,0.31049917974997787,0.3136984535709773,0.32291377359171547,0.35482039311459956,0.35428939082147076,0.3489889517854403,0.3489889517854403,0.3450745104412642,0.35254976607125366,0.35353306661481404,0.3861995498701991,0.44419283994751824,0.49279064689883234,0.5348487919888975,0.5745040132669545,0.6081626878662116,0.6447340253026428,0.6761865684826864,0.683006613168002,0.6808011950580939,0.6605434353149497,0.641881427451988,0.6021868585606911,0.5674555050324686,0.5192165691063191,0.46471921024288554,0.381349764568382,0.3203274555159446,0.25244576198200086,0.17824106248129823,0.11933041631468255,0.05876707452432356,0.0018562341866078524,0.0,0.0,0.0,0.0,0.0,0.00518021283733161,0.027224632341522392,0.04852046807363786,0.08668308999958407,0.11476873671123539,0.12728955443718964,0.13136021469284676,0.13009844191598863,0.1355752712731959,0.13952960114224444,0.13818419846206775,0.1338348266315309,0.12620597801598632,0.1320819839595373,0.14822169823555087,0.15863771497949414,0.15740466354059535,0.16483961297902816,0.18137517194017994,0.1924035178840352,0.19788064374418446,0.19841681221698598,0.23542898669041534,0.2645342004501838,0.2901999697912457,0.3094687308164436,0.321008424580721,0.3221047749445397,0.32398672084803365,0.3237130305956869,0.3303883378445106,0.34036173593952657,0.36172974683919745,0.3899595775191734,0.413251274022618,0.4377070407546119,0.4657984138244352,0.511481927925679,0.575431562057917,0.6599564703194558,0.6644497010908531,0.6656630757872353,0.0
0.8526441533970832,0.8490988654658174,0.8478104366760963,0.8469159183778995,0.8467557156029635,0.8480831993485722,0.8499333270195816,0.8497473904086124,0.8504567699408339,0.8469123969498747,0.8431763424398919,0.8377763067828454,0.831671927799575,0.8270256615078013,0.8168760594063438,0.8126312009690297,0.8084020474836353,0.8056280922304295,0.8071593015498525,0.7354185930601078,0.6299013138045335,0.5555968065384509,0.5015578888152555,0.4579320410965895,0.41027037965455415,0.36102484946663815,0.33278759541067676,0.29296033465113785,0.23196908873545297,0.16118401833739832,0.13997902312445182,0.13089768874057578,0.12737768203635436,0.1314791290637275,0.14345964402657146,0.1586293107374796,0.1594882564648344,0.14948238978588602,0.15566366008876262,0.13357987070332983,0.10029135219224111,0.08618593274326214,0.08451425635817639,0.09252008564655362,0.09577099766067099,0.10780724540562553,0.11348903599927848,0.11985918318972658,0.48899804856586376,0.4912941628325129,0.5772396490878051,0.5915441287086195,0.3554568811725132,0.43361332093905314,0.4406400616533467,0.5166649480470611,0.578049284057822,0.6351034596991659,0.6840292806336796,0.686934589545189,0.6770192617188461,0.6675509017269654,0.6599122885688272,0.6594149470792554,0.658813352299177,0.6535284732661827,0.6491687556868496,0.6493790069920229,0.6511845772500944,0.6510579820173569,0.6539500365106908,0.6647715755921955,0.7026740297369296,0.7554425116092222,0.7588204209927925,0.7615717535775597,0.7615717535775597,0.760367067475362,0.766604407937263,0.7675823554717764,0.7817084594086914,0.8086534833390839,0.8217165227569923,0.8374565029887043,0.8514566008435606,0.8681070814462414,0.8968683934699151,0.9223464706374429,0.9207191403080013,0.9102236748574828,0.8856528279008622,0.8591543480318036,0.8201261068418173,0.7781557232964164,0.7398794519091969,0.6958992393547359,0.6319363668444742,0.5922225456918948,0.537489667202072,0.4887596476254721,0.4526771466989166,0.42215101472399225,0.3671006194840378,0.33054108605538424,0.30323198596389916,0.28420171785996584,0.2754008419542485,0.26003817247413036,0.254475036847991,0.2563827879568899,0.26564372861024543,0.2817670337753585,0.3072144082109557,0.31227556070262674,0.31870941471481673,0.3207429819466583,0.33178653021847115,0.3446074624912701,0.3581125134215825,0.3705374995624199,0.3777632727185254,0.3893610789475951,0.3933520510996926,0.38668176249257075,0.3638214891561534,0.3376068723898968,0.3263783645540175,0.3110966101056971,0.30079332144121673,0.29463673653092065,0.3253121153247903,0.349941712813335,0.3726645514721259,0.39189021601472956,0.4042147735558974,0.407427750139769,0.41703442484547587,0.4191988232424011,0.42563336366306087,0.438887045818636,0.45907723230100017,0.4886173703208989,0.5145505795395731,0.5411896006096399,0.5773076286544654,0.6363048447780889,0.7189386371729953,0.8192883906168229,0.823095772552883,0.8277087527312073,1.0
0.9045042006337048,0.9046962693557505,0.9071847890589001,0.9105863401051171,0.9115940418428206,0.9154258936627102,0.9196600199299427,0.92289912665325,0.9273033582379743,0.9306222277408662,0.9303429139125852,0.9308653208214663,0.9288777804116848,0.9281330724662671,0.924744056763018,0.9223232422948973,0.9207902354898772,0.9194662968615723,0.9215789171855652,0.840360605649082,0.7195893187124147,0.6345734848684028,0.5751167130143162,0.5251129268230857,0.4739575482943347,0.4219519312080366,0.39145453517912243,0.3510922465051228,0.29417017588137956,0.2274577615766084,0.20672306451922268,0.19707176069999252,0.19179533531162432,0.19029889086200624,0.18777558938197514,0.18292299907997756,0.16469470261355607,0.14033506939836687,0.1249886127969635,0.10205159640818623,0.08164165025729458,0.07336923842686383,0.07029573510683362,0.07000966665133906,0.06587772087120997,0.07366687434066854,0.08847391122372256,0.1107144894999944,0.5012840755246026,0.5096253253544403,0.5876576878259354,0.602870546614051,0.3648339025707465,0.4460045097796954,0.4303399217167363,0.43844409209718105,0.4437702145928221,0.4675832377612363,0.5126211471802261,0.5287832684560798,0.5785009806525139,0.6311318572590562,0.6928572715698269,0.7445408322429701,0.7700259927420918,0.773278049862124,0.7829878531803632,0.7898137094521218,0.7978735989845316,0.8029108766491134,0.8103912800328579,0.8241780550481583,0.867296455639829,0.936370036452835,0.945891893199015,0.945222868468224,0.945222868468224,0.9475890093367347,0.9532967426812621,0.9568295624331904,0.9617226195021709,0.9567318599482675,0.9498744880590194,0.9323573316969964,0.9045366912749541,0.8730059151164353,0.8481481949367887,0.8190224716954924,0.7781774384602717,0.7417894482905757,0.6993019783583779,0.6552433609298836,0.6109476218689107,0.6100658689933758,0.5217401140436289,0.5041380958839431,0.3718474304946268,0.31969165699042523,0.2788631448427816,0.2268814471316745,0.19081387078947804,0.16453489137523847,0.1491797263698632,0.16551097323856284,0.17247849987948433,0.18151726308602412,0.19549378554573693,0.19825579595665554,0.20472307984910548,0.21801401275718885,0.22822036645257293,0.25391970054571217,0.2780499840646401,0.28475183352314853,0.28681992834269743,0.2848751410404679,0.29235188496314396,0.2982145359842998,0.29867933895056314,0.2982230861985615,0.2958322595833991,0.30187058743652834,0.3205550346559107,0.3369669117718227,0.33747407810407537,0.34509469294487044,0.3583756532186723,0.3648962195693612,0.36744401236500834,0.3675694961664857,0.39712414848305744,0.4221681851380189,0.44168948252960216,0.45829343830696556,0.46749586356758993,0.4682839188239234,0.4717538203520531,0.4747266328995472,0.4838986824914532,0.4976994424733977,0.5206142721388147,0.5515262142796615,0.5789547250919607,0.6123153721021533,0.6562459250119697,0.7253108539434034,0.8165477420004632,0.9270028047231532,0.9267341097562742,0.9313405584124606,0.0
0.9302612010139572,0.9264192748710715,0.9246263134253057,0.9247835493996702,0.924880122842292,0.9264031638520809,0.9286389598150845,0.9295161031755952,0.9309517704785474,0.9301239170114514,0.9277740291587135,0.9245773932999961,0.9180587384864582,0.9149189145908343,0.9094996277699212,0.9056681788803302,0.8998253091407231,0.8971681254377555,0.8956874754947388,0.8152686434726449,0.6953766267410499,0.6110885834930637,0.552472225513909,0.5034799371818928,0.45321483691252107,0.40165526586585976,0.3711454773052261,0.33058162091825044,0.27202927337764304,0.20272822108331912,0.1825411470753836,0.17425202104146637,0.17074975488810384,0.1796626552008962,0.19462881065647286,0.20544000769997803,0.19494636502855656,0.1734289616894595,0.15641911032013162,0.12910775293498972,0.10691132649445528,0.10357560963424012,0.1085256823726467,0.11549665053319672,0.1140888586712562,0.11652294850369183,0.13247897132622946,0.16035126757820617,0.5440091870278612,0.5781856876515294,0.6755137568279883,0.7289614247829436,0.6032253091031679,0.6563297553743217,0.6616441576066937,0.7036485019890457,0.7550384677310722,0.813951325274405,0.865367601447248,0.8746703657923425,0.8338458861951518,0.807219971202553,0.7899135789504717,0.7889884040595845,0.7923540192153509,0.7944495706161366,0.8011893175016732,0.8017928118202313,0.8074805621978136,0.8099668351961579,0.8116346762656008,0.827323132431286,0.8720801731390728,0.9365970829688225,0.9401202983793058,0.9360927882535206,0.9360927882535206,0.9214591475749443,0.9128682394544255,0.8928097832164803,0.8658309269488835,0.831701873741614,0.7913980815644701,0.7405920643612302,0.6914182452488786,0.6522712618579318,0.6261303975242573,0.6034128111470025,0.5682365913477764,0.5247667510313585,0.4726020801496003,0.4253891137189695,0.3771750231940676,0.3323871731291445,0.2855088130650772,0.24630129104243348,0.20902877204237397,0.21541519072356455,0.21293189872522336,0.20866324067618092,0.2194360545174632,0.22742722059961354,0.23084630144149218,0.24663970973652313,0.2525707280248519,0.2586446411020129,0.2656866414788793,0.26187072317920657,0.26575330636572414,0.2758873849797363,0.2893570536947368,0.31894336076736474,0.35335508557909345,0.374484125402749,0.3857873123575577,0.3887938306070322,0.3867488069482192,0.3757924370558288,0.35294009702291573,0.32579565717571063,0.29345065067575526,0.2704884310855635,0.2661224498745528,0.26252826335233537,0.25626243341195915,0.26205731809598765,0.2778790577432635,0.28666845415288167,0.2918201487706444,0.29687992232373883,0.33584195975481945,0.373463553625665,0.4062856569581889,0.4354403502181059,0.45553492978346055,0.4632195508533104,0.4680937063385005,0.47072272571822615,0.4776890778101001,0.4889668321873608,0.509960718988848,0.5386156067445276,0.5657414105446522,0.5972685582955961,0.640302858550426,0.7051595727608282,0.7931570396161269,0.9005489168419645,0.9016411182280024,0.9025810470137445,1.0
0.4869153450802135,0.4814510232211092,0.4680575052348256,0.4763752941782018,0.4763169806249238,0.47781091793808095,0.47523886774108026,0.4732615685761843,0.47733646881488323,0.47301886141752814,0.471164341236621,0.4743111746774358,0.47079018903682013,0.4640284322615412,0.463907528940256,0.46308301652038897,0.4658748966301527,0.46767920655105777,0.4678133449690881,0.4199988551685303,0.3689441854772767,0.32008825962159426,0.3091442990692136,0.31183720696892064,0.3094567673438613,0.3035315381402125,0.34614822322334704,0.4094669403634824,0.4503448412801195,0.4938474759236986,0.5605199418267522,0.628408041625439,0.6868673902360178,0.7196540213961028,0.747054418324771,0.791882123724908,0.819370638318615,0.8130078579578477,0.8542858626347769,0.8145541911471474,0.8035641341157362,0.8298981843736257,0.8685641586992305,0.7769101225648984,0.8240050797218059,0.7898125348466589,0.7940430318430285,0.751091340947734,0.858898685417428,0.8519257168660941,0.858579392454899,0.8581967239142401,0.7214337830421436,0.6695246927904289,0.6099947702972797,0.544584587213037,0.516726860878935,0.49443475977220247,0.4915384820303066,0.3702339093053372,0.30508696435573457,0.2387558138998166,0.1963844182929858,0.19154240490999253,0.19899735331803264,0.199739236702405,0.19448239607140927,0.2037808158879963,0.194145031172886,0.19509573425898497,0.21550444674822156,0.21526482810879205,0.21800747766770634,0.22625055194227295,0.20905191192601486,0.23961114910603376,0.23961114910603376,0.23335347035555204,0.243317651587165,0.24308222097068471,0.2880458495384538,0.3373400921630043,0.38634138361629,0.43333708171208135,0.4842393140690521,0.5179801061766749,0.5687935388059556,0.6079713103640549,0.6321157664252799,0.6489673747586833,0.6535756444675493,0.6696625348712976,0.6637923581137677,0.6776168436403516,0.7040128632446641,0.7430203973248009,0.7649123833768616,0.7622016362260912,0.7787927623571234,0.8270803799137907,0.8361428725391491,0.8547711952977206,0.8634621724816074,0.8534170937312052,0.8372515816918934,0.8378326705978303,0.848958334647914,0.8429471082499238,0.8461871643900585,0.8313834616263278,0.8005379992925383,0.7677443225659075,0.7352372481227758,0.678059355043211,0.6122559694188189,0.5365456533741327,0.4653894474649226,0.39285011340472237,0.3207393903517024,0.2490380868741527,0.1861036285805987,0.14150915405114217,0.11748166616452005,0.08954560251676247,0.05683578094747921,0.045101932257662125,0.05773701151155575,0.06717790464042983,0.07172380191860606,0.0720213974154228,0.11538621949361172,0.15032543267678256,0.18183553986586143,0.20553317110187463,0.2202271034065929,0.2215352464571564,0.22317352478469643,0.22211741885430225,0.22925351645464775,0.23656177481706542,0.2577593970174036,0.28641927166370673,0.3061576687329308,0.3220089710661227,0.33995768725745135,0.3728427096521105,0.41969285183591065,0.48945451075037627,0.4968108557843399,0.4971482583329877,0.0
0.9680148018689374,0.9656802864034673,0.9665524817843594,0.9681602962114473,0.9675977348724323,0.9660367357062882,0.969382202300296,0.9669908199509968,0.9678727901107831,0.9657136093984597,0.9643787572878286,0.9616549638116846,0.9574323761911527,0.9551069803481229,0.9499145688919053,0.9477161524851008,0.9449738189379708,0.9417039664375021,0.9418934428968483,0.8601313289283602,0.7353025107239688,0.6489918502172023,0.587380590863716,0.5363730745827936,0.4849019403044965,0.43247504355533817,0.40178168178863993,0.36262034466828513,0.3067379504006128,0.2416943086559695,0.22178413707525038,0.21367782968914684,0.2090717253703014,0.20656351260860847,0.2048487327644244,0.1982972571157764,0.1804886352557905,0.15640055552190935,0.1416780235839965,0.1197918396834684,0.09958959892742214,0.09160285193193424,0.0888172642038258,0.08788028080523785,0.08307747414284633,0.08290250430723728,0.08488918356549174,0.08373893554299022,0.46722680430542574,0.4722816760227442,0.5539978911588214,0.5599323552807254,0.2882384680031846,0.3173595920834891,0.3407819719712624,0.39158541575936534,0.39510684345691727,0.4042825212222639,0.43908133937219895,0.42051646409431603,0.45390783982476135,0.5207511405009257,0.5959991817226726,0.6903161650174792,0.7432849342597578,0.7746040809651181,0.7908187601301472,0.7956060570143206,0.8196347432434681,0.8244761827544743,0.831199807210959,0.8447579656703681,0.8903672975996462,0.9599981735334114,0.9646316580649588,0.9663539296830292,0.9663539296830292,0.9749955018979837,0.9754744228106419,0.9747401509434723,0.9850019666796499,0.98485044881701,0.9771446467844566,0.9615466023695872,0.9355850983044409,0.9072457530429302,0.8785120102366752,0.8464125665622273,0.8002606089280564,0.7545477359012354,0.7100482578029017,0.6747788325251107,0.6363303097061517,0.6041426979836275,0.5691910044155968,0.564655392188028,0.4613656926560825,0.40892185040310325,0.35305409781740454,0.30949681828535414,0.27759035159624657,0.22974582656496217,0.18977781801181004,0.1833281697593691,0.18193165231286118,0.185371664815896,0.19152949805564046,0.18979176033079853,0.1964281861642015,0.21086575775582905,0.2248906791789218,0.2492488024589843,0.2697308228146605,0.2741924944793841,0.272672330666816,0.26707540093968885,0.2692031669770766,0.27146926025353413,0.26775866831563094,0.2643973983142611,0.2601957428497163,0.2664457794166076,0.2836395360608972,0.3005653012949375,0.30368235421122053,0.3125547958696542,0.3297322483153042,0.3390350740198726,0.3421526476814165,0.34286405255180663,0.3736238267487678,0.39917185885766704,0.42016725854791437,0.4365001164243423,0.44418968699637035,0.4458041178437098,0.44844221037928417,0.4516003081801521,0.4601351495925632,0.47418210132242405,0.4984409938824548,0.5302106911384821,0.5595431520381524,0.5913701716538531,0.6347643448214524,0.6992761184714966,0.786921031514509,0.8923608086882633,0.8937393775548188,0.8928724199683049,0.0
0.2684321773588465,0.2562675536446539,0.25748568144116235,0.25828950563873887,0.259153289516596,0.2595396721713239,0.2603119138711236,0.2608360425626526,0.2614078255907226,0.26121900033762313,0.26166249491907667,0.26170217658052075,0.26116104985079036,0.26158876932919517,0.2606311118917852,0.26029686035304356,0.2609996917677877,0.25958218875272565,0.26030820954295697,0.23792815344588425,0.20423689825183766,0.1823122533823941,0.16848040084992366,0.1608653393785292,0.15811713886182865,0.1552261719187782,0.18677168313445908,0.21849278133325678,0.2435489809846269,0.2771161332896197,0.3633891550564418,0.46021133808226006,0.5397040862774546,0.6051571566132371,0.6535801897987633,0.678375125225006,0.6924152696422914,0.6985100492441196,0.6995223561025641,0.6971356380398117,0.6855107472768347,0.6889177757006413,0.682135932115058,0.6835493694652645,0.6877723132094833,0.6909033187301035,0.6936240025182152,0.6828160109721273,0.8106330110659231,0.7964453917354712,0.8155591359084458,0.8076653629716989,0.631694198842627,0.5990681063959108,0.515154440000685,0.47499151567923636,0.4347089835871778,0.4031453790372256,0.376617690379623,0.26754054100149555,0.18526319704030023,0.11919456730084832,0.07209153051897571,0.07152198718151231,0.07055336294674025,0.06518976330002518,0.0721834206818231,0.0704680204652548,0.06898867739687403,0.07076043705497759,0.07607320179628901,0.0787420638262753,0.07190234290266273,0.08116305701611987,0.08203072195280908,0.07777372793995962,0.07777372793995962,0.08053139228191153,0.08437072298266535,0.0822643334337474,0.13373943509285607,0.2149250566692332,0.27717777636527097,0.33989049337908084,0.39517077824955016,0.4474897478251564,0.49890364188922537,0.5443780882546585,0.5719766216763928,0.5899716867939407,0.5943390858539646,0.6043787290208255,0.6072707064659499,0.6204568790645855,0.6350543949678635,0.657693652128157,0.6658921883323443,0.6822166754971023,0.6919229266396744,0.7063299102325585,0.7378006042711418,0.7641727919581623,0.7814137158976294,0.778177872369911,0.7746891123560999,0.7799910136781413,0.800621079447033,0.810670343236541,0.8359550038885761,0.8466571169740131,0.8562820119767722,0.8705436795634711,0.893561824222575,0.8998805446351488,0.9017880289897284,0.8955207776103529,0.9003688098911455,0.9042195676089239,0.90163344180703,0.9088281007098671,0.9162007315828592,0.924898937237127,0.9492741261284561,0.977924573305017,0.9866454795975068,0.9833133072298313,0.9793785539119896,0.9616958479430022,0.936867253134141,0.9143578184129738,0.8820881097760992,0.8453156779790757,0.7964524770183179,0.7356276524891611,0.6614546238747496,0.5743350652830888,0.48551094738141415,0.3922071669200648,0.3011643614981275,0.22173417848612664,0.16436760521781046,0.12538542060695868,0.08798926568535936,0.04891803714518039,0.014839486710894079,0.0,0.003565772759617003,0.040608957991408845,0.06628414364267243,0.08562167643438867,0.0
0.5997825575269842,0.5931470539807199,0.5932180808041839,0.5948489167282078,0.5943240412647003,0.5942409116827135,0.5976454410305566,0.5970695315315487,0.598282532604505,0.598016920024732,0.5956518829988497,0.5936445156088653,0.5921676743207868,0.5909798323992671,0.5881210926285501,0.5857975100022846,0.5842002704755173,0.5818370736075028,0.5831026555581904,0.532490108504072,0.4552827569571206,0.4027612598991175,0.36475254588431866,0.3390297021200583,0.32273225099532404,0.3196591782050106,0.3545816242520765,0.39866797118439146,0.4390956199303833,0.4869530991830301,0.5673820829080275,0.6524883683159934,0.7218379598958764,0.772871327658719,0.8063979067656555,0.8273122571546827,0.840776643323124,0.8450206441079282,0.8443838261178573,0.8388821571766307,0.8365110813222638,0.8296245571081713,0.8248742722910646,0.8229417874779931,0.8230622334892514,0.8268387369495986,0.8248318434362871,0.8159338157070462,0.8878432127581829,0.8745498733344649,0.8856522605644417,0.879157816886426,0.7456639902046316,0.7059073803954328,0.6250125441184611,0.5871831992673433,0.5478816703968861,0.5179021639037447,0.492195294785586,0.40518355384765387,0.3280728220423278,0.27111320818824125,0.22675032951680008,0.2271003187594599,0.2240316297437645,0.2228976134554984,0.22272908726353247,0.22047248619514787,0.2182528303578632,0.22418007052650646,0.22949722290835894,0.22647379637057835,0.23888016696881964,0.261390357470899,0.25571778046199883,0.2503524621706821,0.2503524621706821,0.2533699445045167,0.2520118625024197,0.2612958651241188,0.3024727590884584,0.3660808027462559,0.41830486303264625,0.47136351963015655,0.5118574499927088,0.5579931020388901,0.604341636649631,0.6465130448873152,0.6673181965025228,0.6856490901350509,0.6910324341691504,0.700418756276429,0.7041603817823922,0.7167737681983422,0.739835506608832,0.766996685223482,0.7798325493083986,0.7896272283084702,0.7934510849014542,0.8086335608043926,0.8434244944624028,0.8579485151442726,0.8597792247668294,0.8396562231202327,0.8042928543375247,0.7832836965690082,0.759161988231621,0.71875060679421,0.677408529687819,0.6166274928339428,0.5465193621770201,0.4826829980793438,0.4215022610896474,0.3482446563326912,0.2741741503818305,0.20473552763853536,0.1547832194938787,0.11687433179154455,0.07962157155275429,0.05184837705991241,0.02602257558772636,0.024694673227694586,0.034219543606513025,0.04130199622215214,0.03619129403511212,0.04504990257641828,0.0658203309711416,0.07952491129680228,0.08566543664281623,0.08900647677893847,0.13084257491611795,0.163536498891924,0.19234512130118298,0.21372136244490691,0.2280503212725653,0.22896852440184967,0.2316916856957686,0.23086723324773895,0.23739785700184102,0.24722732171505468,0.2688178585495017,0.2975241790142493,0.3170283317406354,0.3332043171670014,0.35148934278507227,0.38675822471068666,0.4355806922052875,0.5091338939985526,0.517378061036316,0.5191072719476634,0.0
0.8395505646862513,0.8431607654419027,0.8469789646644492,0.8543393733220994,0.8633800669625834,0.8715183940407004,0.8767917335256371,0.879991876288017,0.8819228031217792,0.8817735194659772,0.8815115084461678,0.8795402082309856,0.875587644387082,0.8727960182098368,0.8684987366065131,0.8657626838318198,0.8629408621366259,0.8607376692654648,0.8602248899582019,0.7846344665903845,0.6714647308336055,0.5919421916104775,0.5360977174120474,0.4890814031506534,0.4400444957996936,0.3898362930586545,0.35995500286325816,0.31968394655753507,0.2622325859638926,0.19654859209596953,0.17715099429218467,0.16931020472616376,0.16531013117895804,0.1648772159330118,0.16238117746096714,0.15745067288321601,0.13793213142522887,0.11309293777165969,0.09803130524831077,0.076230680653183,0.055000560292677414,0.04718001343297168,0.0438554619259352,0.043373022792491056,0.038721145063210505,0.04614865715712141,0.05820827221728908,0.0775131678416538,0.4849689150134672,0.5150460026020767,0.6319652811480784,0.6565213322814989,0.48229895055162086,0.5301057967385678,0.47947996266233184,0.48003844635042325,0.48923625468147774,0.5257691211949106,0.5877913635843808,0.6160447965480125,0.6394080119128293,0.6308173179074855,0.6329412409632723,0.6342812006319115,0.6362832262788054,0.6456166474202757,0.647178867452398,0.6526658252417421,0.659537022930371,0.658459202680888,0.6624763385468094,0.6726395307075388,0.7085034427576544,0.762396885669422,0.7628684499601792,0.7672673763630817,0.7672673763630817,0.7656527165103733,0.7673451536020107,0.7714742024891266,0.7846444722870851,0.8094985752262427,0.8244824845687814,0.8380917938028372,0.8520869454565762,0.8684124724487261,0.8962132856605138,0.9241639865009226,0.9248243442072506,0.9207753224934723,0.9026454057892168,0.870149666348049,0.8178051185192912,0.7699074980869673,0.726764938609089,0.6950888121583545,0.658915707088052,0.6360602399618762,0.6095560649996481,0.5819015014080673,0.5623382499410189,0.5277405067265118,0.46473920446711153,0.41024341120900165,0.35213618639432975,0.3003653138395747,0.2521745100231627,0.20359720741522735,0.16908413877925882,0.15265955495394862,0.14952349307656032,0.17192197160773404,0.1943418637203288,0.20527166442055939,0.2123156690511121,0.21900502665016608,0.23109122005872634,0.2415418020133112,0.24646912666314552,0.2469537054839137,0.24488962778723017,0.2533505522440034,0.2727294365308378,0.2907315621597792,0.2937247986876739,0.3033613293356273,0.32117332286827344,0.3326071620238847,0.33943562768838226,0.34112606101597104,0.3722817832032368,0.3981355324610484,0.418162594924902,0.43209584984103644,0.4398309457375192,0.43938436658918417,0.4404553605788753,0.4410632098035855,0.4468121504119641,0.45804712185203683,0.4795830390627198,0.5091250062243873,0.5354354849379175,0.5639581147357002,0.6050891195770689,0.6669800467181399,0.7504562417629881,0.8539042354886475,0.8555973584466101,0.8569026067826709,0.0
0.5735378476524775,0.5682428321505358,0.5694543742737672,0.571371728608731,0.5718258531159464,0.5741785161241231,0.5761678494908358,0.5794894402876951,0.5802675767650755,0.5798465188616962,0.5800940132975599,0.581871305434051,0.5783305360816975,0.577528145319327,0.5763121085764094,0.5773699300451693,0.5808262911105005,0.5967212267337603,0.6303419626825928,0.624676973143378,0.5716321624331409,0.5397165599410447,0.5054829520864357,0.4710793951178474,0.4303317404101743,0.3800142637364876,0.3475358697528018,0.30649540088966654,0.2535182213412171,0.18138088971139327,0.16050349887027604,0.15542347577319804,0.15160672116389617,0.1519058711329368,0.1518440541196816,0.1488894531266069,0.13347983979072053,0.11244895217734258,0.09376631169235206,0.06515784249281886,0.033487255457752385,0.02830179968626184,0.036292384937627487,0.07261040333371427,0.13051298533507075,0.21318085686991964,0.31437750218831284,0.3917081528992289,0.6795910013362088,0.7036333840951898,0.7671922412568373,0.7924135277554479,0.6563340968875672,0.6637753764706755,0.6161078378041501,0.6068549323609922,0.5911515673973705,0.5806855782263588,0.5734694552849309,0.5007376168232003,0.44336215339872453,0.3921901958604016,0.365058702008625,0.35853648829567275,0.36339204427939426,0.36747043068730345,0.372724343996645,0.36292892771206203,0.3653144786741151,0.3704416829371153,0.37775742295641934,0.3825674177746669,0.4003125129853936,0.43319710279497514,0.44249784247040985,0.4361151598412054,0.4361151598412054,0.44002796725860677,0.44768156377824964,0.44929800505159895,0.47539900572351756,0.5303764750271731,0.5701971810559034,0.6117128496122684,0.6419055399099866,0.6795184996747967,0.7154206017968323,0.7533061149050727,0.7714146475998382,0.7853228562584005,0.7919687204680816,0.7998349416322041,0.8029938645002528,0.8210828407196065,0.8438789782661921,0.8731409067884767,0.8916198696465675,0.8980295700082315,0.9019328587300995,0.9223720119237728,0.9551736573723215,0.9845919634285161,1.0,0.9818300686501937,0.9639692116071898,0.9512032008684747,0.9474052952910077,0.9265548906879383,0.9105431120821865,0.8694417807296343,0.8135875888655917,0.7638769632584461,0.7190797960123367,0.6551973490073055,0.5814973460967319,0.5167014200884366,0.4615757819019207,0.41363413695206097,0.3651231482479971,0.3175862976372196,0.275317937633931,0.24969658233606828,0.24354399634380675,0.24247318445438865,0.23259196940352345,0.23207458464020536,0.24330517097310939,0.24800655312262626,0.24926483893092305,0.24784283895601927,0.28357204356699345,0.3133229842734795,0.33707567751066775,0.3558459773305021,0.3665751376929197,0.36634474343500667,0.366313288639477,0.36266923096308,0.3638712218618545,0.3664043389733184,0.3744513260123648,0.3771455298853577,0.3641369735687061,0.34055701388137805,0.32254300879837905,0.3341789911021561,0.37902714478964694,0.463452396217101,0.4896053569565858,0.5033269535693689,1.0
0.6929168355424189,0.6858405825781083,0.6882501301096073,0.6889106651239381,0.691089122732741,0.6936351984473251,0.6976967346473257,0.6986064684977144,0.7010106148871743,0.7028260466655872,0.7039117761508745,0.7038829752359912,0.702640150852199,0.7031433845752285,0.7056650323113909,0.7207242602233093,0.7439091065927065,0.7899215951935065,0.8300558771831852,0.7856122757046926,0.6897093155801557,0.6104920913939029,0.5555092130304577,0.5052391194875785,0.45646563598738477,0.4123698179335921,0.38440648576281355,0.34544991381625245,0.293201396841995,0.2359664998998953,0.2271875651659333,0.22936955729075234,0.23168954941450995,0.24742619869308088,0.261212204246452,0.274682924808099,0.3056333857005906,0.34755730050248523,0.4059697863699248,0.47719242239356724,0.5665570662436359,0.6453443118071764,0.7121776286899009,0.7756203251673481,0.8347031863108515,0.8866086739768491,0.9185893927167401,0.9360328296531846,0.9723109901977467,0.9709149666594681,0.9726154145039119,0.9749619639046863,0.9028873553893344,0.855713859595935,0.7915710094670263,0.7484421923384537,0.7109586575212279,0.6837347791338303,0.6653963049154591,0.6054976459500365,0.5391631548096173,0.48362809844215204,0.4472750681489278,0.44340395495872886,0.43827040604265316,0.43753457342000435,0.4411848029614893,0.43794628009146824,0.43745137340274637,0.44098452216119344,0.44276835426204564,0.45251554445210324,0.4738186788469628,0.5128302574537149,0.5118342034147043,0.5152349714572836,0.5152349714572836,0.5155941653510283,0.5185622502265925,0.519742483303226,0.5470083252907328,0.591303189382075,0.6278434160200823,0.6592100789411464,0.6843849553734973,0.7127457360938062,0.7490431772675102,0.7781800489136494,0.7858141115910546,0.7834353974569134,0.7707737627026556,0.7523925470003779,0.7211034076278631,0.6950563855439178,0.6673073652996991,0.6391911736115956,0.5957464167250462,0.5662755542765295,0.5147468885438665,0.47442975861323594,0.4375911015955714,0.4003158432546514,0.37265604162505905,0.3410343490245332,0.3101926660394142,0.2833766119128825,0.26480463142984567,0.23801030008867624,0.22655947234806778,0.2121978646680887,0.20827050550884163,0.22570168662659873,0.2400012808512682,0.2349619586936771,0.23272046352895798,0.2252377890078312,0.2275717122476309,0.23069093147482383,0.2287284311512623,0.2243528365613578,0.21885513608096008,0.2227995673346405,0.23092579027948468,0.23318598751809833,0.20796145103288488,0.16766104069375287,0.14506784697057884,0.12452219834946698,0.11948453127928871,0.12005570735188786,0.16795846672221004,0.20693030684523173,0.24110638103623222,0.2714951515515655,0.28950652464814974,0.29704166562062445,0.30224939131877787,0.30230648687679684,0.3098408290181176,0.3181430365220151,0.3423047025918,0.36994759939581956,0.3922730155172423,0.4146026288344742,0.44348544911133736,0.4893566805156828,0.5492278256577183,0.6327275213399384,0.638468171942165,0.642268465654654,1.0
0.5693090962195624,0.5074682872928785,0.5006917177230544,0.5151026519055952,0.5605297128224649,0.6080662021422409,0.6479728080006466,0.6574220478306603,0.654489955821519,0.6451803002353007,0.6423387786832013,0.6408587140518885,0.6439523029298506,0.6465250990506239,0.6511072310149816,0.6506351070715587,0.6474568196707713,0.6465885650808947,0.6483555320106371,0.6004210420024099,0.5301628916082699,0.49329262459714324,0.48608106857065275,0.47805609343085737,0.4499205814506728,0.41236529429144886,0.38532473195768147,0.34812934208232527,0.2846206472708066,0.2144669879569185,0.1968833688176161,0.1935934509774263,0.19874457769962547,0.20593408978671396,0.21202943811557198,0.21525036749106555,0.2083753168439097,0.2125766624671487,0.2647398641734155,0.308599665421648,0.373869650383886,0.4584086768930738,0.5343760509666498,0.6040957384329121,0.6682840865385455,0.7259877138739491,0.7715521839158919,0.8087022465983201,0.9069895374385877,0.915773609522528,0.9376510737248454,0.9478297536033173,0.867855058658296,0.828830236706533,0.7643385745182362,0.7222736489591595,0.6864118711461644,0.6591411463661181,0.6386218645734247,0.5749155817450009,0.5106064021574211,0.4596759168219715,0.4237765901295677,0.4208189028585776,0.417705030161816,0.41760015685092744,0.41468400212828327,0.4106916107184769,0.412521197379849,0.4091840894533484,0.4152240512131138,0.420308346372197,0.438725881119151,0.4753660839192,0.47462994948387754,0.47163334523028577,0.47163334523028577,0.4729718748488327,0.4748771570743613,0.47782053826631626,0.5074892312297216,0.5574333179717154,0.5955333782417244,0.6301883064743994,0.6618683237674796,0.6946161043877882,0.7343249811761983,0.7730833640254682,0.7872376932718776,0.7979385892245107,0.8019671031752951,0.8084899101364196,0.809766734325366,0.8187398642644541,0.8338237732600884,0.84699045437138,0.8337354942519919,0.8072984910983194,0.7723758926088842,0.7397044282978406,0.7140327205924775,0.6740838520167383,0.6200092832389301,0.5658355306563007,0.4990996117192633,0.44606670070859444,0.40557378861491483,0.35223088583430573,0.30984254965769503,0.27976117363280545,0.25746789636591566,0.258945557532549,0.2640053316106189,0.2600391956865706,0.25793636657972313,0.25303751345918246,0.2566499006189182,0.26077547843705245,0.2568073748296767,0.24986479997757854,0.2413256225281014,0.2426601664290809,0.25735223666748636,0.2695623436475206,0.26728316511815736,0.2735093457931008,0.2889548675078219,0.29176695851869994,0.2923835736135626,0.2924882255560906,0.3251628060195432,0.3501120775018514,0.370363145058004,0.3799831542850252,0.37912410156394677,0.3594287959294038,0.3289324438001613,0.2910902296438682,0.25560784421773697,0.2308489673854478,0.2418672328272723,0.2757744229665474,0.3143144034851677,0.35995256545948584,0.40190575393507566,0.45965649685276666,0.5278565960994234,0.6119593940107548,0.615233768149494,0.6207968905170088,1.0
0.6493122694092224,0.643070892197159,0.6441568146756464,0.645613372142746,0.6435407749541546,0.644895274480177,0.6479514802583003,0.6494491048171956,0.6507405282615628,0.6500213174884883,0.6470383297161215,0.6445254175574077,0.6416717489822444,0.6385636938423509,0.6334802470937754,0.631683779997963,0.6307238025380872,0.6356611319053602,0.6646078740285143,0.6550966090325221,0.6447615647955014,0.6674129234807975,0.7104982268340682,0.7516647045953774,0.7843304087311342,0.7982693910403358,0.8187778253701441,0.8392308264244113,0.8471654204677004,0.8429365328637466,0.8489875192267555,0.8506438274736154,0.8482442063472505,0.8508404848721465,0.8408220506467248,0.8431796835168281,0.8470563982159252,0.8437309402932607,0.8448491214637573,0.8408776366255593,0.8406009656093532,0.841953106727322,0.8375744416701145,0.841982176848387,0.8418809806665437,0.8415631922217447,0.8394842381869105,0.8291545221951716,0.8956883711880598,0.8851875159629474,0.8946701471455227,0.8897461767173038,0.7616935023531217,0.7206200066219397,0.6448094030711984,0.6062248520371282,0.5651231482042092,0.5404361123577635,0.5151903462431643,0.4326718137043382,0.3572070038407734,0.30096291933310393,0.25665359507989693,0.25749129863399933,0.2556711359440074,0.2519440954323431,0.252390577536972,0.2496487363934204,0.2510477947264154,0.2508390265689536,0.2545065841413492,0.2608876499872937,0.26680565481552454,0.2872916804841178,0.2857362815012204,0.28588831353720334,0.28588831353720334,0.2805226355509229,0.27659186035122196,0.2731336537851227,0.3198171083861139,0.3786072522257189,0.4276116870310632,0.47649486347531367,0.5192562671004674,0.5642231960853097,0.6041750916704635,0.642311588914924,0.6648939724986151,0.676826171337972,0.6830375213020299,0.6866406886831532,0.6860398380022112,0.6859146686917621,0.691553998960782,0.6990977805567296,0.6847392196675244,0.6730973450735956,0.6537667539945646,0.6299168868324732,0.6180944763470344,0.5869375838028996,0.5375158195314776,0.4752072117722508,0.40322835825826087,0.3295554395212774,0.2681318373446765,0.187979579884403,0.11515482074484729,0.05889142472374409,0.010886802176233279,0.012536453057723329,0.023067260231713682,0.023225173308964564,0.024164021661454704,0.02116622881546415,0.02601611542097393,0.036551639348383125,0.0411327853409279,0.049814624111221506,0.04745800236406883,0.05518885775187632,0.07050889515122494,0.08357163897468889,0.07717084123490514,0.08294821182370515,0.09872433599441921,0.10869907876996221,0.11018320577418972,0.11047460368405004,0.15071359000650886,0.18205271642784893,0.21054994521765924,0.23155892942632206,0.24561541831704414,0.24686293805078363,0.24713953916025888,0.24638460791342753,0.25118647394521687,0.25940768368771794,0.2800682706009249,0.30947773241861787,0.3285481388700813,0.3449758528366831,0.36447012124579437,0.4014819992510834,0.45292727595072824,0.5254444486210632,0.5352040122318454,0.535608359728057,0.0
0.9559586169763594,0.9548154995812425,0.9554268739871853,0.9579445278262999,0.9578137775779377,0.9609657970750971,0.964124596670787,0.966676002255809,0.9679139843013118,0.9693231663554995,0.9701400811340661,0.9677725298407611,0.9624768842994901,0.960724853388369,0.9561024649244885,0.9521846356059058,0.9457075921383589,0.9385505744221627,0.9345317943381276,0.8505407666955442,0.7266222488423748,0.639604300351797,0.5772792661946089,0.5261973293150186,0.4713671935721976,0.41681085266579043,0.3821710968809403,0.3390938776878173,0.27834704305653063,0.20888142837898083,0.18839071525939433,0.17960966260632766,0.17468908600926908,0.17354005905755565,0.17238981162173805,0.16675014587384318,0.14946458964651593,0.12671429235601883,0.11095313848952659,0.08976995056683656,0.07016405896532468,0.0652117981528616,0.0689216170260381,0.08174130843640409,0.10169314234408144,0.14540608499662788,0.18841421077055245,0.2331889178122949,0.5706501907707369,0.6303619962804219,0.7134222629957765,0.7520153400697142,0.6484264776550036,0.6619823281668442,0.6305124680572984,0.6399442298660838,0.6643936821784828,0.7067459969226768,0.7544374304061837,0.785995999779199,0.7752428601179658,0.7516183587867866,0.7355486749009446,0.7408003629210547,0.7456626525586112,0.7470713761057207,0.7505893803111848,0.7554779762550419,0.763737309873171,0.7633159276891567,0.7668006840698336,0.7813472568174271,0.8162579083122536,0.8797369541114467,0.8880738265595958,0.8861797423479001,0.8861797423479001,0.8847395483187157,0.8793758675169691,0.8700517552140581,0.8593452203928371,0.8484464079510481,0.8208649421813071,0.7956729029345022,0.7612661957985805,0.7373709469928036,0.7284650562099669,0.7211785505928412,0.702108284380474,0.677831093312916,0.6359376370326402,0.6087034139683941,0.5690463822482505,0.544168222411785,0.48170371562856773,0.39041669537645884,0.31257728699396903,0.2826310574934402,0.24876976447428867,0.1981142159202813,0.16343916548029291,0.14044188686659181,0.12873514525378899,0.14785344456078753,0.15744516536342518,0.16867889862805746,0.18114767566563428,0.1839364569481149,0.19169846170566318,0.20722098965665797,0.2255224033232815,0.25139872367460697,0.27364188226632385,0.27921909039999304,0.28021702426717726,0.27715946049191337,0.2808284809442828,0.28393637291093576,0.28423171445327544,0.2818969269272098,0.27784905485134137,0.28398639896144506,0.3011777121193224,0.3156270179466983,0.31448531293894433,0.31940041535902675,0.3316068891900874,0.3376251630532399,0.3375411116540697,0.33750632814884196,0.36640146766290504,0.39103671216526065,0.4085372153827732,0.42515007942299715,0.43283506674163746,0.4326851163512809,0.4342408965416512,0.4352852315354968,0.4410664581290283,0.45215115210305673,0.4746409798739309,0.5026822194810653,0.5280462577291005,0.5571268271225163,0.5953709679876459,0.6549754105668588,0.73752754940919,0.8394705834560232,0.8438614020166242,0.8461916998658069,0.0
0.9236510086830835,0.9218644543057715,0.9234888124258644,0.9253679449353424,0.9264527600356527,0.9289957912150137,0.9333812903609189,0.9366521432254316,0.940167129806118,0.9419858070845744,0.940834538871721,0.9395114246839187,0.9335130262886794,0.9287720528213252,0.9215792283259971,0.9189839365500252,0.9186592233373105,0.921408953373139,0.926364644258711,0.8485018847822232,0.727222056638045,0.6410963432592347,0.5787129258652993,0.5280047567692161,0.47512939550184663,0.42369481716946333,0.39424742925389406,0.3551347153373881,0.300955264794441,0.23860394758680642,0.22221074215204922,0.21807258818361805,0.2184376333377306,0.22367374221051625,0.22791481516319825,0.22893477871806567,0.20965439641235203,0.18657331907644628,0.16293524936391335,0.12766471413871,0.09547835681040934,0.08557840714094372,0.09181842674689117,0.09805035377235011,0.09519701908910894,0.09616588036283169,0.11481338573735175,0.14676501957411675,0.5403721029321341,0.5741563442193248,0.6788379038844401,0.7308635675214927,0.6021672702700641,0.6574235134433125,0.6603233415779385,0.6957237102673304,0.7331387304210668,0.7772449926529492,0.8239145815747083,0.8286352965045614,0.7823421968140419,0.7403739935544762,0.717956955105282,0.7132488751375692,0.7132600664242981,0.7149269993179189,0.7156480528011676,0.7181402326756445,0.7213809741684969,0.7224847198254779,0.7316604873289183,0.7481162307813172,0.784319910794083,0.8453337682363743,0.8452444955741407,0.8472084366008745,0.8472084366008745,0.8480553112487037,0.8530396320955188,0.8522903571281049,0.8627256836850012,0.8751970418184813,0.8811297337487729,0.8762312662244296,0.8551072504200405,0.8287818416647097,0.8094755191562332,0.7795498086541455,0.722681427411088,0.6692516207756932,0.6043385404852486,0.5519435560479709,0.4915474658388881,0.4411777854360571,0.3899986361162593,0.344772574503545,0.2893401850529625,0.27726211603717554,0.2613779649063003,0.24886689194345096,0.2516958208957423,0.2508678030778704,0.24584152927971092,0.25163280683157035,0.24804795178393804,0.2467742820157868,0.24988199061427224,0.24353790240724948,0.2411765908526594,0.24462663400010193,0.2518635631929815,0.2744906575476361,0.2951673890320093,0.2992496716617745,0.2989550359822959,0.29602155390291607,0.30066561115150553,0.3059904411660527,0.30611473643611936,0.30128399398587563,0.2963107140160504,0.29836722888790806,0.3078489493161328,0.31280481483664324,0.2992505624757066,0.28986497130581507,0.2932607866721265,0.29334071567556735,0.2899315017451122,0.2835324047908419,0.3110982639109838,0.33450732673985956,0.3562958133497115,0.3746476800552166,0.38627043914680964,0.3920420090185249,0.4017255603917367,0.40560403155303587,0.41641997283301285,0.4297243420697307,0.45076934497415905,0.4756608442802469,0.49507794197595767,0.5177755083224708,0.555494625570512,0.6124594425919653,0.6909163047386013,0.7860933091834545,0.786063129070107,0.7819793969391667,1.0
0.8168115402357138,0.8140503845118481,0.8170742265310423,0.8181150083162463,0.8205800747549832,0.8218985286546218,0.8282301688368305,0.8339770834347205,0.838317856921392,0.8401152522269467,0.8444995903834753,0.8454576642359244,0.845797033151467,0.8450158586601935,0.8445993257691202,0.8442572734491407,0.8439347394356151,0.8435849490961745,0.8467797209338876,0.7741583040287,0.663976221384633,0.5862100109809621,0.5303507723251644,0.4836588733770428,0.4359478777940644,0.3851307678984422,0.3551940677631926,0.3135652828160207,0.25379523969864737,0.1846483179802217,0.16386753737565973,0.15530134327073608,0.1502714713913706,0.1490852440118154,0.1473306448757874,0.14260231898397957,0.1243002268683635,0.10257311504660488,0.08836330598382591,0.0692385535002748,0.04822836240212469,0.04078606845513516,0.03813247821315846,0.037041952333495276,0.030262888539148103,0.03175267045840435,0.0377556168944842,0.04641688150183765,0.4608594242032068,0.4782466539972392,0.5918607241846331,0.0,0.4103511532528248,0.0,0.44025965628318964,0.4725847223700621,0.46512761605267217,0.49166854718688646,0.5271108643401204,0.5339632125341558,0.558456270322704,0.5790789605917486,0.6319487034288043,0.666782507084797,0.6720716991646165,0.6743585256081285,0.6776929867927203,0.6850308905021159,0.688849395073672,0.6915516461990897,0.6906048674031224,0.702456751527214,0.7469179179942367,0.802191302501747,0.8006124728004596,0.8004317995569548,0.8004317995569548,0.800861480329764,0.8033608181022894,0.8086415591245641,0.8206220080087032,0.8413580806583574,0.8545912018459412,0.8630782523509742,0.8713385966888388,0.8866648127443915,0.9097194518243589,0.9314447692798691,0.9091816306059644,0.8857363176890718,0.8514353052368325,0.8135804017015136,0.7801970768665327,0.747272585564712,0.7231228440933857,0.7069904272554555,0.7011357050907372,0.6140525951502911,0.5907711724061901,0.5243199005755256,0.43710548623892403,0.3967571379309647,0.336886755497137,0.27631595738767856,0.23774252710991156,0.21316677018990715,0.20107416178757398,0.18846128113424065,0.1901466898411992,0.2070671008308373,0.23004652153929228,0.2678198246514283,0.3020470982239239,0.3186242218285909,0.3226464557181082,0.3230979510096283,0.32887319508053864,0.33336420620955615,0.3355122794189161,0.33721999091141786,0.33885999941644424,0.34975630460985097,0.3686333938880974,0.3896921521847229,0.39552196858698946,0.40380269398878116,0.41939795997816026,0.42829847241822777,0.431383582402027,0.43083028485758024,0.4569048331839757,0.48111301280032276,0.4977103056818881,0.5135263917626731,0.5200788608357083,0.5219565534909564,0.5245967853917453,0.5286637270458558,0.5358643320832569,0.5505030183708384,0.5712650725648611,0.6002430459399087,0.6301531434958654,0.6636233518919612,0.7118868754095664,0.786360014978335,0.8839946513009169,1.0,1.0,1.0,0.0
0.8662377633922125,0.8640413199036987,0.8654960828013718,0.8676310217707436,0.8686909659665365,0.8705224763348489,0.8734482333077414,0.8746128990805317,0.8760127303183112,0.8760700857534105,0.8752956960310438,0.8732064141538709,0.8704176080950763,0.8684213512748005,0.8650866700445026,0.8627501763154996,0.8602780112929248,0.8588846206864006,0.8590195661388913,0.7830123980863989,0.6699890578853915,0.5920159970830586,0.5365716474721555,0.49008299042728537,0.4415232774495155,0.39157192489123904,0.36212056639989215,0.3221068450696136,0.2630121397588914,0.19537064051390562,0.17493671079832407,0.16646456531389986,0.1616578310411928,0.16401708891216488,0.1734214256359216,0.18005337448711212,0.17194887946932708,0.14751181644391792,0.12988108165829104,0.10080248236822542,0.07339211837776238,0.06644879958322325,0.073942902918046,0.08281783740175713,0.08134494947365883,0.08475367944103479,0.10092502233847261,0.12445484851550731,0.5200898144425787,0.5557740597440314,0.6573691280123156,0.7135189178504913,0.5877933524390699,0.6499993960802185,0.6664856895501918,0.7277678162814767,0.78333054745728,0.8346669772728816,0.85826787276275,0.8443980372788644,0.8000110281394514,0.7579653349839928,0.7363561817876405,0.7306840205733678,0.729329104177658,0.7280409471832637,0.7285242413321017,0.7290519383713538,0.7338837624925791,0.7332888053169263,0.7332272062788667,0.7458403374067508,0.7821916901304811,0.8399186417965429,0.8413831816158261,0.8412837542794136,0.8412837542794136,0.8430612605573689,0.8477925835253005,0.8460800538407367,0.8576929792414565,0.8679819683855536,0.8682931859998976,0.8551377421676184,0.833108366510832,0.8040922598847265,0.7811891140797257,0.7515277458277093,0.7010648926692735,0.6503682720496948,0.5929370966735286,0.5464242678883707,0.4918457003835204,0.4331021347444899,0.3763605143881024,0.3366854769674189,0.27879970468629334,0.2647081416107154,0.24364663439560327,0.2259170775533954,0.22806553938453902,0.22654835351354416,0.22240354822804442,0.2346700301763749,0.23938910171156744,0.24362029634809532,0.2500918860375878,0.2447816728035826,0.24663934754777594,0.2535070040518646,0.2614980541552318,0.287414182666355,0.31752149687312586,0.33543549929271677,0.34819440873665375,0.360585224382305,0.3841580337907817,0.3998670700877828,0.40304110903749213,0.39340057582831905,0.3782394998392994,0.3638333428141796,0.35964801205452085,0.3510379611259949,0.3301814509778377,0.3164427399075856,0.31792355701921093,0.3196473029509412,0.32095604527768723,0.3218828980986196,0.35287331372280706,0.3813066788178615,0.40707766188604994,0.429523823371123,0.4440808507448197,0.45056568436406297,0.4585693858495997,0.46527235269099015,0.4772904755373877,0.490743889441629,0.5128314595526731,0.5416191192645003,0.5690153731378768,0.6000216850485199,0.6436106574218249,0.7073689484852268,0.7946672704021509,0.9002918583308983,0.9010104463704782,0.9012200924517146,1.0
0.3903197505445499,0.382579126930059,0.38259227043914834,0.3847572240124294,0.38429339299934906,0.3852495081186368,0.3862820436940425,0.3867944513202304,0.3878207365744152,0.38955091821308385,0.3897467219738482,0.38949910822311085,0.3879172180201027,0.38940998029311447,0.38751977404875204,0.3885639535379054,0.38643969694727165,0.3850807177700175,0.3856978816186606,0.3615275955120202,0.3476055687464664,0.36342432853123285,0.41261013685546677,0.46802922212019143,0.5229206940747912,0.5623163492985298,0.5945063405776313,0.6439474190064347,0.6602490209379153,0.6755463242961224,0.6960638193635997,0.7199086707515119,0.7294195885599308,0.7409816072764814,0.7436489364822403,0.7487172939890361,0.7455718017044577,0.7434474380459528,0.748388548764072,0.7411543139214661,0.7344554098121907,0.7391584153171904,0.7373682913643893,0.7404806589576269,0.7399178199826794,0.7400570124723578,0.7392145102696932,0.7283331090626473,0.8367331121459404,0.8247435979053992,0.8390324444527381,0.8326234802735611,0.6721188998866985,0.6354086708870613,0.5522652437919556,0.5165018983702115,0.47665377669969755,0.4465615103240436,0.4198343029407896,0.3196517346094396,0.23754854631426311,0.17351662643581278,0.12798839167425602,0.1289285732358304,0.1251397312843317,0.12015009001711141,0.1214209511819836,0.12096110990645292,0.12226307877776688,0.11614982845951521,0.12289623784177567,0.12572789892153796,0.12838086138061483,0.14284392204205276,0.14159455410592653,0.1391976535753665,0.1391976535753665,0.13895247785153725,0.14157316311052948,0.1381326412488149,0.18478933503203288,0.2597587162097993,0.3224940470144717,0.38441156411087807,0.4350664356888968,0.48481542557409596,0.5332730236788477,0.5772386985672205,0.6024642406779728,0.6203212175420065,0.624969272421474,0.6346979308743674,0.6359904273235122,0.6494054661400541,0.6655111127607374,0.688256737060414,0.6980615088294018,0.7146822518365126,0.7234648387632021,0.7362057187125519,0.7731596968284236,0.7992873208997848,0.8119574383451226,0.8114457616612235,0.8058929845189344,0.8153025550662871,0.8391820438958064,0.8476246964998847,0.8748038293395285,0.8820642086516037,0.8792994731215238,0.8828426452170394,0.8933559308764039,0.8816829352805439,0.8694058848846665,0.8528774629838419,0.8300726330922211,0.8099992819031722,0.7717342201211853,0.7208606736914335,0.6708888681068316,0.6154953769229238,0.5521180434472714,0.4984031985822305,0.4094103401338076,0.32452079327511146,0.24648796466773593,0.15715453541297975,0.07842524682643137,0.009693577230733386,0.0,0.0,0.014473696445759243,0.032612874415446136,0.05004623510652506,0.055456057098776435,0.0650980386180835,0.07093433984347297,0.08842580667131617,0.10244802938914988,0.13032019817435292,0.165512188442121,0.18827731144625437,0.20183915250727058,0.20994679020915197,0.23009796544284178,0.2624173083336728,0.31847803199706104,0.3302075448685142,0.33548635048288555,0.0
0.5921398009179678,0.5811499531607833,0.5773868537024207,0.5731737856274167,0.5787789136085508,0.5781487472960113,0.5789999992467898,0.5789388472789858,0.5736967252648386,0.578986013927532,0.5765842079205047,0.5783045155683598,0.578620441700961,0.5799522987137012,0.5771455713210991,0.5792428645470975,0.5856256401888115,0.5853414461951904,0.5974492477703013,0.5682157801547388,0.5230904944701241,0.5023608925210538,0.4958846607881702,0.4753257104199332,0.4406427903535757,0.3995923627879492,0.36976595278649216,0.32534881254016035,0.26559765877000485,0.19438057134861525,0.1787368974841072,0.17702423726695615,0.18399224823057964,0.19831004682552286,0.20268240699033563,0.21986842137217713,0.24279563466272372,0.29294158081176525,0.35506341920515894,0.42146950704912517,0.5052562264100386,0.5824938056463004,0.6368177258426537,0.7017409533209893,0.7530947149640901,0.8067469018690804,0.8294366585259048,0.8424712705502853,0.9244133325288513,0.9160807464593208,0.9315526761744326,0.9301329283443758,0.822578939332763,0.7812719379096924,0.7053335799679588,0.6660449500604702,0.6243391554256145,0.5977492591312547,0.573452633117494,0.5024651881152837,0.4397110274511954,0.37565538404769927,0.3401516436624552,0.3459974126693858,0.3403769478542749,0.3463549770201959,0.3503815969289402,0.34918084215216644,0.3428359946457285,0.3541046514284324,0.3585785818958852,0.3602798727905439,0.37664996146913143,0.39876599942540447,0.4053857964187982,0.39830629933662853,0.39830629933662853,0.4083529475060718,0.40965493777984674,0.4194648367801547,0.4398978477809138,0.501812228098522,0.5454947091751261,0.5898670717084589,0.6218592164049854,0.6553720056611609,0.6973500447688707,0.7408699978913151,0.7576630532911708,0.7736412313578908,0.7790381660315443,0.7904235485545825,0.7964028744740312,0.8055756988016216,0.8322533558984243,0.8617850480951765,0.8738756449870013,0.8697108451657829,0.8656047259405244,0.8569176774383341,0.86712049604538,0.8539208363883837,0.8098011636309417,0.7544891563700515,0.6799284002246364,0.6319006660513924,0.5959410185278899,0.5288003283165497,0.4837912621502871,0.42416091224906355,0.36985322852957614,0.3461148713209038,0.33687560584345644,0.3155223996825279,0.28976724482863286,0.26787813563941865,0.25817129368313424,0.25367258403366144,0.2479519369447119,0.23984219520996608,0.23370289820048784,0.23049841914534336,0.2480705579990668,0.2592036238082621,0.25707422722091894,0.25782341046329177,0.2704502111589943,0.27374291094868936,0.27669210144584694,0.2755925629772628,0.3007582464822838,0.32409459295439713,0.34291113731433154,0.3529560557442744,0.3580524340841296,0.3438814265989665,0.33355904377977796,0.3118679620348735,0.29299166926845754,0.2643249688801196,0.254687971015526,0.24824559640986088,0.2467125346470137,0.24821009090209945,0.2604954861720371,0.3113419518196895,0.37539666326033583,0.48163003037158514,0.49493529699304595,0.48787110967280234,1.0
0.9156539590216006,0.9146508393370917,0.9150578832590439,0.9172454854577813,0.9192141885402667,0.9208276453631721,0.9239734567128692,0.925944763211608,0.9282027448306065,0.9293435766659798,0.928142473195915,0.928779524311796,0.925404491131768,0.9239095998838676,0.9198951613070884,0.9170470649634389,0.9136484850126074,0.9111608562125268,0.9104851671764744,0.8324636727261296,0.7118966090800929,0.6281521955972386,0.5693378489502735,0.5212999181811764,0.47233950388738666,0.4222895742274658,0.3935300381890159,0.3560666744706161,0.2988256848271557,0.23430377074754039,0.2150553750397196,0.20726115564264366,0.2029784538307764,0.20186665967415884,0.19963706949346272,0.19503710744101074,0.1771002333677258,0.15331973641927682,0.1381153288441187,0.11657775643915291,0.09526587162845496,0.087361303604363,0.08480856244796003,0.08427446506187886,0.07784432697191873,0.0793885970173342,0.08214249157418069,0.08700320571086684,0.4794751381121833,0.4855052299150686,0.5662584376401911,0.5859933369985312,0.32938263989279315,0.36343790923856,0.39091243826999483,0.4271655270703752,0.4405811998390389,0.45875318458596154,0.49199477042159845,0.5060375052048498,0.5501576675802717,0.6299443528963558,0.7204456173178191,0.7936541606883025,0.8216992845059456,0.8360382051672698,0.8406934530065989,0.8516733214764867,0.8555638304027657,0.85933153050458,0.8633147053181043,0.8788685596484325,0.9238047551837691,0.987570879087991,0.9906012976494918,0.9951291351048492,0.9951291351048492,0.9975072452569571,0.9995636736532011,0.9997085507431815,0.9939612765573704,0.9799710047032806,0.9563619435041729,0.9129111114236697,0.856139278753189,0.8073345787232611,0.7745750176483048,0.7480343319675323,0.7081971861523008,0.6765378181583547,0.6349682020287235,0.5971164363943444,0.5674876196529646,0.5354314141159134,0.4370850673474503,0.38159819343905027,0.31312249541825443,0.30273687448601183,0.2670002862330823,0.2252164020374177,0.2012354980695189,0.17787970562142758,0.16144972179493666,0.17422588139465844,0.18080269563610873,0.1903871765914475,0.20655375490948574,0.2120605219699806,0.22036699227046308,0.23267695564614527,0.24418635214628237,0.2683839878048196,0.29091503810263664,0.29813366319621176,0.3019560138507663,0.30186577874331755,0.30937416420961994,0.31624970853361156,0.31997487153763116,0.31998175631236075,0.3180565723852973,0.3257017084861385,0.3449800204476552,0.3609316197742375,0.3604301513279075,0.36701116724658467,0.37998713439295523,0.3868577714175275,0.3900657003930611,0.3897727807390141,0.4178482394466483,0.44300688793155674,0.4612973037446066,0.4764105466555852,0.48322871344968266,0.4821358769456286,0.4842033734498357,0.484244260421712,0.4886721838578897,0.5012039318572655,0.5220130292333511,0.5504132774696404,0.577630864504288,0.6077201964546335,0.6511126991208014,0.7162544533799327,0.8053117831294372,0.9161589782902124,0.9221121541643842,0.9268156570266253,0.0
0.02303497200742255,0.008243827989036001,0.007991746438393399,0.009480071631411624,0.00955002756127632,0.008557579518761793,0.010522188364321394,0.007737088180444607,0.009390842599107163,0.00816205337312903,0.007142451953298323,0.006728842125210743,0.006528256777888819,0.007658464842603907,0.00792291693446212,0.009705305535239628,0.010168783788526481,0.010385050990755706,0.01097765880422541,0.011156697340112265,0.00929449554922157,0.009950043486943838,0.007057128075587893,0.006092113955985523,0.012947642935685955,0.014106305590365853,0.04928324352957114,0.08298121333408065,0.10748923227471885,0.1409409090029496,0.23685203625736861,0.34386022907363734,0.4488222941168796,0.5319851268387503,0.5956198906816237,0.6419135535720667,0.6659950066618463,0.675158004337183,0.6819034235310268,0.6744110606121718,0.6670756607011052,0.6648335631923207,0.6589236162894793,0.6474666840278647,0.6469122279558073,0.644105420664774,0.6403611491020039,0.632777765780153,0.7811014094933865,0.765093162916591,0.7893576457471323,0.7788896299140509,0.5881207900366738,0.5600135566609292,0.4718598089232089,0.43106406343894943,0.39018078449817223,0.3612809063642807,0.32906967931388775,0.20856259622696588,0.12161597634401519,0.05003786853164932,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.056743945984423894,0.1380098389514213,0.20894383379366696,0.27754863139175245,0.3372834984115015,0.3957145201023001,0.4436634598364674,0.4932566355396199,0.5244062705235393,0.5411278535092584,0.5473286525544727,0.5590946856668588,0.5592646538225554,0.5704034472203803,0.5868753644155903,0.6097384131596294,0.6143844024156053,0.6336045306675189,0.6463653524965582,0.6598889607929418,0.6906864568288851,0.7149678814626973,0.7293017661160435,0.7286988366879117,0.7231551862732024,0.7312915778347486,0.7517229168396655,0.7609869732839549,0.7843913820222694,0.7915283660285763,0.801878106424152,0.8158741166235908,0.837713993439912,0.842263041337246,0.8451292979884051,0.8422529045742684,0.8485149349460893,0.8526975316745629,0.8539668676490288,0.8617333717058935,0.8675202412535132,0.8842038608734979,0.9159382221964875,0.9501574778316415,0.9687325588187353,0.9805963688749602,0.9836225024853043,0.9813461535324591,0.9847747980067763,0.9819855246343241,0.990088304214635,0.9978184176560465,0.9910941985475419,0.9895648135061645,0.9808992247558439,0.9728338691638063,0.9652923815131162,0.9609838487792536,0.9536959469111548,0.9565970325451367,0.947876522209252,0.9460124910346985,0.9393583893222481,0.9255834041860785,0.9070983281562661,0.8903196626308376,0.8367692325298255,0.7746120317790329,0.5920232781171181,0.41258978089208675,0.0
0.6703633397015873,0.6679168661277038,0.6719534363063475,0.675443201428151,0.676326429303966,0.6801954283444227,0.6769134443705286,0.6773305495147242,0.6780260476239867,0.6782291773775132,0.6795665440084564,0.677368770323997,0.6762083383312512,0.6726994539980641,0.665661919378248,0.6607502977803279,0.662402541308836,0.6776751829259205,0.7118254601122469,0.6787898827304364,0.5890401978207422,0.5421778525510406,0.49810886735400334,0.4596319122336854,0.4118184133352351,0.3598228647695897,0.33500195087903695,0.3004208479009993,0.2427490332001241,0.17757116552408359,0.16399299139353785,0.16007701148759151,0.15474357357440072,0.15774170161706602,0.16285012408209099,0.16361107656903534,0.15256559786008494,0.139761438921769,0.13323670233227292,0.11876915817610795,0.12025938159496574,0.1441577817345459,0.19030047450054835,0.26298937778088377,0.33123523931938664,0.42756157313989734,0.5125180482476533,0.5673090150097782,0.7882967000187788,0.8073114040917151,0.8501641950024824,0.8683219823180769,0.7593188107560487,0.7630773592382261,0.71467715620454,0.6918768242390667,0.6755103702513794,0.6249456244829394,0.614916592559042,0.555593349250942,0.5023034356472688,0.4485110695905985,0.4157725647464007,0.40265678015882034,0.40262251223164697,0.4030184698607404,0.4063473057852074,0.40626364540455867,0.4145477787192899,0.42451841361774434,0.4294668138729537,0.4315919186655072,0.44930897224913924,0.478983686483067,0.4920675456411164,0.4855002203262423,0.4855002203262423,0.4751256155854166,0.49473553201340337,0.4926510014034459,0.5236224512311415,0.5709405327540414,0.6112836182651022,0.6378176890380164,0.6743680673494657,0.70413818868726,0.7440292198276175,0.7837928669408532,0.7987775478770599,0.8161029196868317,0.8271058664807438,0.8352412015288665,0.8395565805648871,0.8565656357016167,0.881441618610398,0.9163355578237166,0.9451093554774617,0.9290371457867842,0.9108524102085973,0.9113850768785368,0.9148160341263196,0.9075999355907624,0.8707126219736996,0.8026518420998191,0.7278446779172443,0.672823928052806,0.6216150766297498,0.5477184608520969,0.5008382346294985,0.4343872819543058,0.39303078173647654,0.35465932904598985,0.32115189288254825,0.30517046186987645,0.28204578590253643,0.26196713091323753,0.26128424068389183,0.2594346187893866,0.25798122020117237,0.2517481398341744,0.24612495063720047,0.25064474224496186,0.26846077140981933,0.28080996886776277,0.27590579460836795,0.27943603019797786,0.28853397374490264,0.29133698309985756,0.2907121100103861,0.2830271198781127,0.3051481082760454,0.3104632449260911,0.3038960594155312,0.2846443669327499,0.25258780125573194,0.2411591629283666,0.2420465509141312,0.2491572915927992,0.26424519494273135,0.2815612840631315,0.311904246569177,0.3494988494711674,0.37822739142024814,0.40077562313134507,0.4252155399665416,0.4650719495016139,0.5240644225332475,0.6045375280322786,0.6113795385467101,0.6135012164586793,1.0
0.840520679538798,0.8368867469096707,0.8381275313347714,0.838860182776916,0.83938420797631,0.8408108853271616,0.8427848069250624,0.8442704849385297,0.8462780471740744,0.8466120883739523,0.845560130011179,0.8452035516042631,0.8423375507849129,0.8405292834735312,0.8378456023602121,0.8356465192158686,0.8343109842801572,0.8321265433210305,0.8344765744103606,0.7626936194455034,0.6546575919867276,0.5795043974506232,0.5249221431823663,0.4798731249309358,0.4320893426224627,0.38235477987998084,0.35268434649463587,0.31250084906589737,0.2533981592574384,0.18431481389825638,0.16592953277815148,0.16627969023174177,0.17470578116158636,0.19118116082428072,0.20186369679871094,0.20476539228627344,0.18510726994288684,0.15783937018308636,0.1400264549211196,0.11785289311820774,0.10433490512386673,0.11021627514922328,0.12100112592485773,0.13070883597719796,0.13965033726821746,0.15726058990233385,0.18347660608971056,0.2196918494823557,0.5751667803336659,0.6046653895072972,0.6945913251121324,0.7264571322917293,0.5718554217831657,0.6116144642208714,0.6054867277253292,0.6550483944237255,0.6993252734465769,0.7535406156898437,0.8064628729023973,0.8150936328015037,0.774887020529618,0.7503989939006595,0.7338596488684443,0.7277567591926621,0.7262743181418188,0.7253892272671837,0.7238756011703035,0.7233316308486395,0.7253706597213547,0.7243332848978593,0.7259935791284098,0.7392029829347029,0.7767558890674111,0.8333324789843964,0.8398154098156596,0.8412498579344365,0.8412498579344365,0.8419865055343019,0.8479879212565494,0.8502474719336017,0.8565770564273969,0.8684943869402642,0.8670229382035944,0.8544916181361921,0.8291750689570123,0.8058506228457932,0.7914028159929419,0.7748924744270314,0.7373638129856768,0.6909642599176324,0.6412210851489886,0.5953779151886394,0.5496378746844671,0.5074691783692087,0.4650156504033363,0.42362102268096985,0.37158605028283676,0.35107744642134386,0.3246906027788407,0.29943066899126447,0.28787429078418997,0.27944865540652764,0.267938452994452,0.2770672636306514,0.2790306134309531,0.2805629308423798,0.28400201111920753,0.27828997575707437,0.2814402607915048,0.288775438867231,0.29788845940547104,0.3223630508274201,0.3441037850875681,0.34973260487717983,0.33881829193937474,0.31766517121094573,0.2965121198793319,0.2770091716101131,0.26021478633898526,0.249604787351276,0.24156617221085425,0.24777205994134488,0.2666621890358227,0.28264314263908585,0.2833246939756,0.29018851360937054,0.3047257729679952,0.31361076102145047,0.32024959720541285,0.3229702533414121,0.35798828855862047,0.3852336173412684,0.407568997266514,0.42604969534026804,0.43628322445953693,0.4375898415246772,0.4409404558729202,0.44351332299495233,0.4503024183905214,0.46277977877700377,0.48581313140740984,0.5158823429204913,0.5434340083739031,0.5753117452120964,0.6166643315110807,0.6812838572778661,0.7665932508393717,0.8710697890718786,0.8800778491466859,0.8902509739578235,1.0
0.9057582609836605,0.9010266123483699,0.8991130479198599,0.899413854588297,0.897646158958172,0.9002894861408535,0.9023911293083179,0.9033227381553319,0.9054233524970563,0.9045788913934294,0.9044715549030544,0.9032639395511359,0.9017984671715116,0.8979151650339358,0.8945992845823789,0.8927391311450436,0.890946999700639,0.8874835220752963,0.888415542591499,0.8100322946421425,0.6930346756453456,0.6116608823181799,0.5541558483988884,0.506010142187337,0.4553790787886635,0.40583449990321036,0.37621872067994033,0.3367445174340582,0.2793084862832349,0.21301165512919462,0.19289541448202818,0.18596191774466952,0.1818074543975901,0.17993434326512242,0.17799736436036034,0.1721855542048764,0.15480010906742275,0.12991634277716907,0.11387953943884455,0.09068763852403527,0.07023620470577457,0.062025758292497846,0.05875527456655183,0.061300859470359015,0.06722068648993357,0.09572771167133154,0.1484229941864382,0.2026629431293462,0.5596334179960396,0.5763827141255884,0.6568787020435054,0.7027780536579558,0.6095670648744337,0.645279629171378,0.611184072195185,0.6253390012343599,0.6506824092539072,0.6991767562839346,0.7648375548179803,0.812480749714519,0.8363521006736615,0.8404275682243869,0.8306420004243278,0.8347966563012057,0.8404591920937015,0.8540948193019059,0.8537144449707924,0.8642160875533456,0.8663949165642801,0.8638577032164753,0.8648802607443034,0.8826541654329942,0.9277585884055188,0.9978052432997823,0.9997700749357499,0.9918154284198919,0.9918154284198919,0.9794770004500497,0.9510205255185641,0.9063304978958386,0.8388384885922986,0.7723314693146872,0.6965789331107315,0.6449789813774846,0.6018344657206848,0.5840726398038135,0.5799693922081337,0.5796681603912299,0.5637171963832935,0.5410585843096856,0.5047386700524299,0.4713435194339422,0.4288445863917183,0.3845179918050039,0.34001763194849355,0.3057603762838119,0.2638998418833932,0.2652569327353781,0.24526565496487882,0.21680715266333384,0.19947151438734384,0.1834611812816223,0.1687022909840445,0.18183600073677514,0.18765018884868984,0.19576714947913842,0.2092931981111431,0.21287358114452626,0.22067027699412933,0.23663672508129213,0.250765789052532,0.2750231628560165,0.2974336408003718,0.30174598869670005,0.3029493946547079,0.29999391830858396,0.30471862212786516,0.31105438149158793,0.3129247828987855,0.31252039996305253,0.30920462247397773,0.31737074065923737,0.33720795539979637,0.3536407373113954,0.3546777152583902,0.3627067093318243,0.37574843136179126,0.38462035260884275,0.38984517615032277,0.3919675563631706,0.42174455103695424,0.4470837880177889,0.4673736591388476,0.4837429816648232,0.4923233901965857,0.4938700535844405,0.49801478238774344,0.5013352217829941,0.5080392607916989,0.5218325098019463,0.5448651004730625,0.5745878691280006,0.6026343223910491,0.6363900960447828,0.6825154787180714,0.7511503717836701,0.8455027994232053,0.9572052151618593,0.9569284891997658,0.9598186875926344,0.0
0.6042679207347599,0.5585123258317498,0.5017876057156566,0.44431259943059653,0.3845516936993796,0.3701652385389912,0.38943910455830544,0.42946214919575565,0.4670287669181753,0.4948994533754707,0.506823613801909,0.5060189827179186,0.5056761842850265,0.5061497524699805,0.5058361808734971,0.5083010736349647,0.5080019370149537,0.5075899354729746,0.5105110927900167,0.4741908917731553,0.43126860974341086,0.4118114628012194,0.402208773801059,0.39937698306959657,0.3744163524824682,0.33675940133060284,0.3113501567647847,0.2718191022296491,0.20725815632655537,0.13688913327919988,0.12070859150499375,0.11674586041461915,0.11775240726700598,0.12908147582704615,0.13589188755642279,0.13761111155992406,0.1384886393178919,0.1517686423407547,0.2023853708492359,0.25312256619231766,0.32026996521252366,0.4069298179626712,0.48254603903512266,0.559082156406487,0.623964933274848,0.6789479299200036,0.7318063220886707,0.7672863467072186,0.8788795981747295,0.8820196705585622,0.9012481450304107,0.9032687383868985,0.7904350358479522,0.7498606155471572,0.6802310069104155,0.6372804326845164,0.5993020778974869,0.5719836600362062,0.5495817195157718,0.4730673932690262,0.3956001381453349,0.34037512000394454,0.30353953272995393,0.3038997464777059,0.3023172186005299,0.3025904739828693,0.30126534953036543,0.30262908858438003,0.30228500078588266,0.3049424961120969,0.3075660732627101,0.31268459140319743,0.32505808414970483,0.3493777434951649,0.35405684936855836,0.34852469149341314,0.34852469149341314,0.34873054540943743,0.35199674965703764,0.357130320979047,0.38946350897861215,0.44962097628860964,0.4938459016615522,0.5396124314393852,0.5774384121765587,0.6203548088192505,0.6601573244013782,0.7003288495309693,0.7204104789031769,0.7358770937106567,0.7381701639210352,0.7479613353933592,0.7530165467563319,0.7674523731183285,0.7898648154763084,0.8192041369604045,0.8335433336379945,0.8429954912741007,0.8476666689241736,0.8658622695808798,0.9010923476255464,0.9301183064016302,0.9454557495928502,0.9323280025144072,0.9176713677979644,0.9141778247812719,0.9198532397873483,0.9054495772746406,0.8986347614222047,0.8647833971488578,0.8165481268226121,0.7760007126496955,0.7368272351567109,0.6735765184698419,0.6049081792851523,0.5277772149080335,0.45097505674439253,0.3898614890424634,0.3351994284972243,0.28894733955037155,0.2582800875868122,0.2455596680000548,0.2444630935461039,0.24233922920098255,0.2266647889443133,0.2251906032429971,0.23720628280541478,0.24147919760557401,0.24450781168078423,0.24356872269165614,0.27460745255296576,0.301944897619909,0.32234919612890545,0.3397319235974074,0.34687279004127597,0.34356577221854284,0.34347518716420455,0.3406196507415925,0.34456676377562023,0.3509408189304757,0.36999039485478996,0.39600965457053483,0.41697772660061666,0.4352371097198804,0.453529692134957,0.478891817192989,0.5079414736339825,0.5343236198134308,0.47040783589640545,0.41167920033071614,1.0
0.5821136675949485,0.576590334321509,0.5797715627193327,0.5833067501940824,0.5855276996544134,0.5910555561594615,0.5949619511887263,0.5948554701304088,0.5956143430927612,0.5967164457036439,0.5958430665491402,0.5945623232573974,0.5949817527200013,0.5947597306195005,0.5926950175535931,0.5907114423229265,0.5886643849234373,0.5869551651424909,0.5902173048544374,0.5472973969155807,0.4998611207394902,0.4864202160276858,0.5175708993301676,0.5541727228947791,0.5897422125817325,0.6292186147253339,0.6831910737545625,0.7247598434904121,0.7625005690095172,0.7783737337125156,0.806066513164428,0.8297758609946289,0.8462843500946864,0.847179591394748,0.8522248180144838,0.8577959377957157,0.849930334960882,0.8490461906812179,0.8466533835338519,0.8435853319002913,0.8367990756824513,0.837925169499643,0.8341939462393695,0.8388307551802461,0.835829393169054,0.8409100744769034,0.8414305861500867,0.8308401708501487,0.8957784178231663,0.8859071116650719,0.8937576279816766,0.8898333265581563,0.760503493138703,0.7202750625371152,0.6424897864991038,0.6022263180651201,0.5609638663094871,0.5313418024787546,0.5071136160029381,0.4227450075780324,0.3449438860381525,0.2854241488003755,0.23948706604703496,0.2374132957720435,0.23285409707505783,0.23406139879988364,0.23436551570321318,0.231737926956531,0.22769148614253326,0.22761391246447582,0.2321040294264739,0.2374369999269293,0.24024655327522715,0.25890006175759883,0.26334637695580004,0.2628001969975815,0.2628001969975815,0.25933673470202295,0.265617788211452,0.2640517773790321,0.306326491846434,0.37026342537407275,0.42309871980023794,0.47498297490799657,0.518376816944339,0.5631625337135459,0.611376960915315,0.6526640249747995,0.6760103466145642,0.6932577787832612,0.7012164785006048,0.7142113015228677,0.7180686948578011,0.7354285734384244,0.7566341783458697,0.7824137346806526,0.7797202812876753,0.7706422373118862,0.7541986103915307,0.7338537877394264,0.7220118050630233,0.6971229021425186,0.6512916813214419,0.5909978093651695,0.522062827824074,0.45959437672701886,0.4039785859217112,0.3323355812381624,0.2659336254630042,0.2066815941713579,0.15023038570101493,0.12432148225565737,0.10184590455872827,0.0775128287328335,0.053043738946622176,0.040527754826782725,0.045337950301771346,0.04948888900419546,0.050663228841719254,0.05074943725274006,0.04968275283275081,0.060208577676855835,0.07803425774195216,0.08925213985178615,0.08569221439430152,0.09082324500644812,0.10825682796515634,0.11842267350946034,0.12055178795289334,0.12074172960467056,0.16042710582241904,0.1920526185041337,0.21969852383141586,0.24019977519090274,0.2537247275282477,0.25394134972851706,0.25603126259587905,0.256094275294212,0.2626105499115249,0.27087651693086146,0.2932483649783202,0.32042364489630837,0.3428230148175154,0.3616807184875491,0.38355286789739274,0.42148092937001846,0.4758356183950496,0.5526158126521945,0.5604835139479363,0.560683012371498,0.0
0.8666552414803719,0.8652097389465614,0.8671761685462334,0.8703952347249813,0.8725698537765654,0.8759074679993004,0.878847561388715,0.880788900223068,0.883742909723588,0.8825946390160296,0.8837085280672647,0.8823460500973184,0.8797457407452536,0.8776972449922239,0.873075250412446,0.8692417835570232,0.8665582523474789,0.8639436074655632,0.8649040675693478,0.7879059692425008,0.6745893384081152,0.5945247969701708,0.5378627033475507,0.4912175948639632,0.44299704327969525,0.3928906277062893,0.3625844389777968,0.3228052551545723,0.2635531828348695,0.195958406861304,0.17593963429504195,0.1672329224396824,0.1628281346416921,0.1610297827418109,0.15834339868635205,0.1524427382283538,0.1334091592262509,0.10844372458208079,0.09271562926585875,0.06886745041784259,0.048237583827380304,0.04029390191007748,0.036882272519163206,0.035069952045760744,0.034209649450944124,0.054128594096783944,0.08815496871321066,0.12970715073074718,0.5254633681543034,0.5609377046559352,0.6579640299140321,0.6937588782721393,0.522673759439027,0.5569296560056634,0.5299893285392234,0.5589715191435527,0.5916981724426881,0.6336920401882508,0.6726612107716311,0.672530494988675,0.6394714148908792,0.5961331389285957,0.5677301579312524,0.5660813511560722,0.5669058086629732,0.5659483290792973,0.5710157384765459,0.5749256603918287,0.5819268974396767,0.5844734592497149,0.5916952191972658,0.608592962738649,0.6384673061833833,0.6875466129494118,0.6931036355513305,0.6920933385706509,0.6920933385706509,0.6961782337202636,0.699963166944403,0.7038306515394077,0.720781836706109,0.7516448902013043,0.7740002988598319,0.7915099118120773,0.8062994590106157,0.8277054316906078,0.8600999250364684,0.8945943742479503,0.901527776550211,0.9082442396227942,0.9051827594445097,0.9015848065821623,0.8868675140976614,0.8711769784865053,0.8566635301831165,0.8416744257755069,0.8043102153688146,0.7637735699349018,0.7200092303819814,0.6808193673762241,0.6501919433624077,0.5939325181581389,0.5119045447958414,0.43186422176632117,0.35468836601531106,0.2974957262873703,0.2537515273324679,0.20311833894472575,0.15715701104484736,0.13490165562516143,0.13253292360459912,0.16160622799267543,0.19659031692572898,0.2191717686078808,0.2300177956307321,0.23403940493536546,0.239702206075241,0.24381078366355796,0.24287532152698238,0.2429122908189289,0.23868965460406522,0.24619779717830254,0.26613430751808936,0.2807230677051485,0.27944924629631496,0.2851503266183204,0.29773556959741104,0.30329974869063514,0.30373811916989224,0.3038762493457299,0.3343748247109336,0.360371773734585,0.38307160093772025,0.4003749205930393,0.4087880702266502,0.4074673016362485,0.40713433482316064,0.40499674445954753,0.40866600084623383,0.4190096315498734,0.43695598259481727,0.46436060583161753,0.4907559066916306,0.5176386016904111,0.554439998309241,0.6111272980153708,0.6893612171943265,0.7852648543081159,0.7904771035173541,0.7925701756223476,0.0
0.9418453952385623,0.9411951662738605,0.9445090947866666,0.9458210004514207,0.9474076507957516,0.95097535306261,0.9539101937926675,0.9541812624706453,0.9561230527386733,0.9550278648605832,0.95114759059797,0.9495102146804983,0.9454568766973799,0.9412802036036663,0.9368013380277851,0.9313842918151073,0.9290563215189583,0.9253142913824877,0.923254191234796,0.8425479479496962,0.7187222542490526,0.6344179071953335,0.5740785816575548,0.5242448965123572,0.4735498759617307,0.4219515236727084,0.3914034882419626,0.35206571326700953,0.29480241106865274,0.2299221192727262,0.21057136828924938,0.20403362465846595,0.20332878626001047,0.21429642503181834,0.23213516337259044,0.24100949754818446,0.2249187325837402,0.2052307349902016,0.18526004630559853,0.15675885923098531,0.12900619775074584,0.11421396354971003,0.11561703068622806,0.12228359471497208,0.12694765573568895,0.13846472387374667,0.15196187134504946,0.16771992196360438,0.5251101728122549,0.5242176233146524,0.6164452260649678,0.6463317745395889,0.46133376614883437,0.5450517989792848,0.5518968349795332,0.6123211580970307,0.664641690336742,0.7232810155989834,0.8090329491949257,0.8385836287797264,0.8220463866262585,0.7880765290439249,0.7694259223933133,0.773714496176924,0.775463292659258,0.77194722670042,0.7661717704820589,0.7666852308306875,0.7706084847689532,0.7735023316736057,0.7784940293094371,0.7905355046718818,0.8273325530964668,0.8942567325916487,0.8946748165852083,0.9096451052680901,0.9096451052680901,0.9098325716227955,0.9054259439741913,0.9111556918141726,0.9186770098026988,0.9208247348762384,0.9009816245275305,0.8694939574387016,0.8258444895978624,0.778197577497249,0.7431418904203786,0.7140412273268273,0.6618279214471876,0.6112887036963316,0.5544348091109959,0.5092171694556598,0.4562730430502455,0.4120745909037967,0.36936402030909293,0.3308586733262732,0.2818683410905688,0.2756677084002698,0.25867684595411466,0.24364840740885052,0.2393060038980325,0.235104427021093,0.23182324911604757,0.24633836970807405,0.24765618404519157,0.25083805659141606,0.25934846098143527,0.2572977159918273,0.2610544107428539,0.26915861771472493,0.2772719998278767,0.2995969892050231,0.32181113874936973,0.3218643652417155,0.31219590146942117,0.2953417751383369,0.2826295194384864,0.2703611435575033,0.2537572065275928,0.23910460670288952,0.22726429639106427,0.23522925321467736,0.25780452931401343,0.2790555362458406,0.2824772723728019,0.290535767196232,0.3023129150706774,0.3102342728651678,0.313672575283732,0.316634957804736,0.34977511663556826,0.378173966531593,0.40024687844008733,0.41682787714056685,0.425027120003139,0.42437520064743234,0.42520264348165315,0.4255053706427877,0.431509596258452,0.44281212713712614,0.464596639684929,0.49327913602884976,0.5184384751036931,0.546313370655459,0.5834428457638701,0.640752875305362,0.7206821390793976,0.8196919218358761,0.8220007108986662,0.8226943608558089,1.0
0.7836829136416394,0.7826505976142077,0.7841802085938661,0.7864722049927746,0.7897459117703174,0.7925006349247132,0.7985413568511467,0.804235916222073,0.8054305644654851,0.806428602661528,0.8082844295677175,0.8075826113255763,0.8038361618648145,0.8039362702997234,0.8000837934448046,0.7989853231562377,0.7964031300704919,0.7945866796275414,0.796379963604457,0.7264681889059607,0.6208727139916873,0.5483350940845588,0.4963687612295939,0.45244975031617446,0.40673608139554096,0.35807245978135727,0.32821564173942414,0.2873101519158872,0.22690202133693183,0.15562834597232944,0.13497900375478605,0.12568758802819846,0.1203054125635491,0.119154615516472,0.11546526413906866,0.11091130399494348,0.09316480351615497,0.07623646428570774,0.07844088006023725,0.07996119425251569,0.07905575520361663,0.082873941071546,0.08743880975633755,0.07810783466554733,0.065797874430511,0.06066898980119151,0.06394912249297097,0.06948933262031881,0.4611552408734778,0.44794077202486693,0.5140435608000654,0.5044254953275329,0.1631030870740676,0.18510512497962792,0.10410329066076443,0.11221647501743875,0.12131415303221252,0.179323274646055,0.2539292887158023,0.1810473609445783,0.19065556256770963,0.23755884469542865,0.31847751259710055,0.4275771039703996,0.5335270474619482,0.6290583046702617,0.687249672513469,0.7124767088497697,0.7276340569185811,0.732997296583845,0.7422014649585316,0.7586655405093448,0.7965865362863653,0.8559510122102764,0.861104092230079,0.8639225249187985,0.8639225249187985,0.8653886894965368,0.8688148157462233,0.8725174675106819,0.8864415761834135,0.9038766023290628,0.9181173173888083,0.9272917907184209,0.9346597233552655,0.9437282949595452,0.9706792552461668,1.0,1.0,0.9974431522530386,0.9792990460991446,0.9566219331240462,0.9141697367303091,0.8793043180829352,0.8373455756454589,0.7938643054248651,0.7200154854159906,0.6579775116542177,0.5950273374698387,0.5532294996681437,0.5124577097352858,0.4689084163191969,0.42587519381656463,0.39526504213900077,0.3690828817563724,0.34882409378173473,0.33730757377700454,0.3290365779283946,0.3348690944688604,0.34485399608265277,0.3579639405907788,0.3806453845419779,0.40325795435792433,0.41165109557488644,0.415052257072757,0.4142309096812703,0.4205288527483519,0.4234587554459821,0.41935937587199135,0.40931097935417426,0.40232808660323127,0.4074501948560928,0.4274070879338322,0.442007694415963,0.44020182151301,0.4447073605321205,0.4524670623411642,0.45722156916680523,0.4593956841175474,0.4562643891445062,0.47015580199776313,0.4758824753997707,0.47546310432063443,0.47395641453223825,0.4645926729287544,0.45169441719655173,0.448761648638776,0.4476834569369597,0.45248770958561596,0.4640554539593337,0.48744525505336816,0.5161713401258506,0.5434526677547185,0.5733998920468494,0.6147941848574501,0.6792097858454735,0.7653169702163708,0.8728065493688772,0.8748342643557345,0.8767993478020166,1.0
0.560939324536869,0.5542219609566413,0.5591010896972697,0.5574617906292246,0.5589185474178173,0.5633633123207017,0.5684420532177914,0.5680414951828677,0.5711452327256836,0.5733204921317241,0.5760933204859261,0.5810750937971062,0.5832534721420006,0.5851095353238396,0.5852583395208241,0.5872889323890341,0.5978086331632804,0.6185459003730546,0.6548578031102863,0.6354397678459973,0.5698389690872694,0.52222660799327,0.47836922523200254,0.44141004577351245,0.39461461560950045,0.34483444896129434,0.31400042673483347,0.26938192720835025,0.2105844633424922,0.14196030717635477,0.13124072913468898,0.12411571877396393,0.11915013701622112,0.11954949797192993,0.12156027261678332,0.12445129107210451,0.11345233428657314,0.09828972221725624,0.08957296164790018,0.07568603858322792,0.072032168367417,0.076706040934367,0.08643756252658152,0.10210621001252468,0.12455875898140095,0.14702289817660885,0.18160918935943207,0.22864871947589227,0.5787464836390706,0.6180001807438451,0.7113297306636972,0.7423691699955421,0.5903179205749377,0.6187983402003705,0.5744472772692211,0.5675504914189786,0.5632735255695978,0.5765438864308324,0.5775512045684569,0.515824285990814,0.4495516445251714,0.403686979088982,0.3924288772913336,0.3901580503688361,0.3911435319889672,0.38721323336596825,0.3829546656514974,0.392773754630052,0.38949685142082796,0.3715049662096239,0.3770449357663026,0.3949854870592671,0.40317001918313966,0.4348204972137316,0.438627807216555,0.4173357074067502,0.4173357074067502,0.4168120933248803,0.4207712484643883,0.41064237116860797,0.44119290153362634,0.49248389566259165,0.537492219614343,0.5715598273302349,0.605442354884705,0.6473874088613906,0.6891493202433385,0.7318347402132621,0.7448003576518429,0.7677721727861153,0.7721553634497473,0.776985049723631,0.7813496412442933,0.797380120217561,0.8211462044581114,0.8520240899810968,0.873372132377644,0.8816734199050209,0.8853832626169247,0.9007861093436771,0.9369695657393435,0.9704373751817839,0.9992932102950893,1.0,1.0,1.0,1.0,0.9999999999999998,1.0,0.9762524218281018,0.9418184583112738,0.8953437443361718,0.8593534970439058,0.79988456735318,0.7246794827935287,0.6525676677209884,0.6011837860139251,0.5368170004571247,0.48717841499732784,0.4260640042740548,0.36171944412086554,0.33194102753647103,0.30026865496556715,0.2870017213756341,0.2584929167970216,0.24693139290674504,0.2516337195282416,0.25323256389865484,0.2530149248592311,0.2520129428604988,0.28377129666082557,0.30996465236079257,0.33644644208474866,0.351985505436664,0.35921744037148595,0.3524394404283536,0.3517365731032407,0.34673061530913296,0.345611699140579,0.3471872537704406,0.35471209680662796,0.36730043304262905,0.3557618903391562,0.3371098527488413,0.3221650891180019,0.3433490843601221,0.3903039660504243,0.4806877153405297,0.5136262577545081,0.5389563036756246,1.0
0.9169514590835951,0.9199703553194638,0.9248160545502384,0.9304238649038951,0.9353681171440604,0.9396989320418092,0.9434268948618812,0.9456689784575316,0.9481302653439203,0.950676954707764,0.9484350993903845,0.9442916728533567,0.9406258021064997,0.9369035270486183,0.9278502038998667,0.9264027487631339,0.9227829672482458,0.9190413092180755,0.9189310059651989,0.8388615764753607,0.7170316751244642,0.6326711155069036,0.5725917156006028,0.5210830061941147,0.4684369222323719,0.415048445762142,0.38097075549307347,0.33625563850935025,0.2768951329873124,0.20725028431228804,0.18497607940769262,0.17420192276790747,0.16835029183899397,0.1673894686033971,0.16161836186765227,0.15624368547037049,0.13637700667809471,0.11213946841510686,0.0958971516640228,0.07227819476328179,0.051820766212428815,0.04393678969423587,0.04268325414787644,0.04657879305376039,0.051258409955151185,0.08632718691995522,0.1404341048311919,0.2192628470990123,0.6107591476441103,0.6770937489804922,0.7879628626480959,0.84159040348207,0.7636286678081424,0.7844316368974553,0.7731833229329982,0.7969992375641498,0.8284740535530553,0.8746624054880466,0.9350870227879091,0.9815520603211465,0.9999999999999999,1.0,1.0,1.0,1.0000000000000002,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.9974793814713486,0.8974267817507684,0.7752768035347903,0.7752768035347903,0.6435293664996051,0.5194611722009821,0.4075694997869142,0.35389880329941703,0.3531423930253491,0.3590901872113639,0.3567630209824101,0.35290766883645486,0.3578673819759386,0.3623378686213017,0.368152691732305,0.3542431033692831,0.3378877464264463,0.30920634238659256,0.2925112009906565,0.2591028423067877,0.23995551113723682,0.22128638578543272,0.20258263686968733,0.1803730197133978,0.2014102216819674,0.209100885732894,0.2103444094048469,0.22399553486490315,0.23287666238622046,0.23614208008556545,0.2534136541179772,0.2586447185377594,0.26507690913385606,0.27430663964645896,0.27003770326286214,0.27085806118905154,0.2713769110703314,0.2734294922637435,0.2901161877730171,0.3078015457003377,0.3103894813882872,0.3085138326865514,0.30391528716511107,0.31027794738042475,0.31403992752787224,0.3164064873941561,0.31519648252018306,0.314089618566159,0.3230354498487464,0.347499207110247,0.36527372957900855,0.37254687348524534,0.38257151263152583,0.39921427268103044,0.4069814909991228,0.4115332102225974,0.41412406257047535,0.4427807761775205,0.4678369839360237,0.48903781899884124,0.5061123314225772,0.5142052918359609,0.5178864066914235,0.520359118176996,0.5245713787034003,0.5325307977478639,0.5466105408678443,0.5707103644082919,0.5986247325697504,0.629797884621967,0.6635289335250236,0.7102379035346789,0.7833745475294664,0.8797075754776371,0.9926215301084802,0.9917770949546851,0.9889948002857427,0.0
0.5501883442541428,0.541205974189337,0.5466792130933119,0.5532281941602537,0.5510300834741106,0.5516954812136401,0.5546300804178779,0.5587634781574251,0.557744265032357,0.5600016216105571,0.5621397059273983,0.5637366621148244,0.5551369788226476,0.550347522406475,0.5510482398336118,0.5533774999458723,0.5625935114356795,0.5877801480048284,0.641646057698027,0.6360691776613326,0.5892259195811018,0.543070152721175,0.5055330515304337,0.45855155828568367,0.4151271050847092,0.3675414820022211,0.33610780155249737,0.29473086583733843,0.24749502433983916,0.18126629492710966,0.16477311649134285,0.15673915414285655,0.15422032189026813,0.17516795372513716,0.1722754761972498,0.18627915066903222,0.20567275000203106,0.2591159296666189,0.3238974027503466,0.4125639942118645,0.4862869838713628,0.5672528292708043,0.6372191940400522,0.7089878402563388,0.7582771496285953,0.8021808498341791,0.8414163368720095,0.8663519322882636,0.9315414397563776,0.9335887933711944,0.9441386613911747,0.9445577675329555,0.8497575353724762,0.7983682902039579,0.7275189983660788,0.6858603303108994,0.6488854482521043,0.619211050623042,0.5974752042348517,0.5321299674203996,0.46573788576769515,0.40598833534913914,0.3687651834734216,0.3643113451260793,0.3572209517354083,0.3677659637937374,0.3641756237941356,0.3611106863736196,0.3583226214247293,0.37197227607227756,0.36820215527032796,0.37850458187576436,0.3902838589500811,0.4195863778714899,0.41941503099429506,0.4295740425777971,0.4295740425777971,0.4348357925352419,0.4424689535944345,0.44452366967337903,0.4745938374812686,0.5258126259797795,0.5510613048976153,0.5938757787692112,0.6352419047199228,0.676579424438428,0.7089870246121238,0.7450479846807151,0.7674350763960426,0.7789170772431679,0.7857774620438795,0.7951197755710073,0.7943752222426166,0.8179305848195495,0.8352735500878755,0.8625675362049646,0.8586407649964848,0.8572750647435319,0.8437301409926032,0.8252518121107404,0.8247559187958178,0.8037360142834573,0.7578903524161729,0.693688945307408,0.6202750816386707,0.561758618616942,0.5094084299192599,0.4343904806562118,0.3792221986985712,0.3323637588785032,0.2908659782852515,0.26639439134404885,0.26717931009005913,0.24654251956490314,0.22982546420254812,0.20629458839009968,0.20662595393902317,0.20450717466375873,0.20564195994450346,0.19874836786663808,0.18906300218922478,0.19842697939249843,0.20788229208653475,0.21871095794772932,0.2161342834486114,0.21992752762971107,0.23234320777162448,0.24141712092398615,0.23742066755490354,0.2298920643615912,0.2618662178183776,0.28506253868445325,0.31253015114821214,0.33429261360781404,0.34619884349106034,0.3520944750974347,0.3561370597697149,0.3552678246100957,0.36729378154607645,0.3778150500108189,0.3987629450271019,0.42490691811152537,0.4447425761377207,0.4632912709158303,0.4919653450181499,0.5377830281200408,0.5990312098584691,0.6742647364750789,0.6492651061466678,0.6077354032439752,1.0
0.5721908294160643,0.6082102518702501,0.6377988516307548,0.6511305263272394,0.6532920798853478,0.6503902736451399,0.6516572745975766,0.6548119793262025,0.6580298701264584,0.6651390128836002,0.6677744651494983,0.6674525004162737,0.6645098078932183,0.6622759490410802,0.6600587966230481,0.6573393559253223,0.6582149876493119,0.6544387477584435,0.6576833226257008,0.6106526108609998,0.546528483850157,0.5201193951396392,0.5047829191577022,0.48729239657134216,0.4516533363883468,0.4115044981711852,0.3839141163020848,0.34000025299113207,0.28030561899157136,0.21401505143298605,0.1981659950116969,0.19445764619631722,0.1890378083589801,0.19454028388610564,0.1970327680429991,0.19870245259862115,0.19095349706310066,0.1910194737452946,0.22454316438727978,0.2770201667517579,0.3432458171727156,0.43066412263078463,0.5076155101803435,0.5919378016489192,0.6515325894678652,0.712147119919603,0.7608518379313542,0.7960713427013413,0.900473062616054,0.9093400114867696,0.9327426816504913,0.9422366013171761,0.8584344691530801,0.8195629189344398,0.7539722544010939,0.7167240388745759,0.6767991242868947,0.6539339945588021,0.6361187157384599,0.5764712449112297,0.5095537073680149,0.4597177754176034,0.4262157497396971,0.4271180504126011,0.424249150513946,0.4248484879394664,0.4253936613251539,0.42428234386544333,0.4267868026988599,0.4252115566052933,0.42915950671794656,0.4379791527553612,0.45611219291458627,0.4934872191896341,0.49239435637037127,0.49536014866538125,0.49536014866538125,0.49647152434012026,0.5018230320244157,0.5040091400292377,0.5344132866958439,0.5813652616458295,0.617336599134975,0.6503973161961581,0.6809528957047262,0.7146438334613338,0.751022304247948,0.7904872506968919,0.8063672778506401,0.8171459959931111,0.8200936454744142,0.8258436737565398,0.8194317565467721,0.8222343904379928,0.8260425285057392,0.8278472410829888,0.8086768137897405,0.7776933934624095,0.7388682091836138,0.7028713787436482,0.6807874231864439,0.6443126187418728,0.598541483013446,0.5448314826303271,0.4881245733010653,0.4421881455355567,0.40617138228857186,0.36030741012325107,0.3227763491718046,0.29523398081714103,0.2729030419280244,0.27732173131344146,0.28336860872289826,0.2761399094877686,0.26862732167141007,0.25396895121150587,0.24995847938380356,0.24799719944925658,0.24106047314134493,0.2332507919793208,0.22320791600005074,0.22750499367700483,0.24119823132427637,0.2549308741158038,0.25285412268621943,0.2561009331587831,0.27063603143994985,0.280947128852281,0.28600230570781876,0.2844492970115242,0.3144587674000592,0.3390560103050741,0.3540045783251397,0.359146805215554,0.3480822738148255,0.31795346136854596,0.2795409516144046,0.23720446866548306,0.21313537179621,0.21747163003155634,0.25652660337868827,0.3101451614453159,0.35669581483015,0.3862640545766073,0.411611400829192,0.4497787842584834,0.5063760007316085,0.5891588978284535,0.6062902789364426,0.6161265099926597,1.0
0.8396619128251317,0.8367773305310102,0.8349165913383235,0.8341795796876597,0.8321263526576699,0.8351197858352002,0.8382973389360017,0.8390775038384061,0.839903614350416,0.8399490690035911,0.8407601340210212,0.8392343867166959,0.8384692809232923,0.8370559508158505,0.835660429987227,0.836177517485581,0.8369158227243789,0.8361042972689023,0.8380556200991538,0.7685771622244222,0.6583501918070136,0.5821027763986806,0.5283191476336921,0.48303425052421334,0.43451440712000233,0.38458495583335883,0.3552941061900816,0.31474364392319776,0.2555824458864419,0.18622099009893622,0.16579949618082157,0.15722212832121968,0.1516898345126248,0.15198002085126983,0.1597676949004001,0.17345702199484642,0.1697138097230459,0.1526803711610487,0.13889490965769236,0.11650064624255252,0.09345202568926508,0.08065328629999458,0.07619923071154333,0.08433902891413447,0.08795677852065498,0.0972681655282886,0.10505406667357875,0.0983150981130671,0.47434402221184235,0.4723625382877953,0.5482778390642707,0.5605173548753152,0.34734096921954033,0.3802127906113769,0.4100219840653855,0.39962021218502974,0.4579491001135025,0.516309529874575,0.5805621145309663,0.6117611230315296,0.6407499346597979,0.666142973199051,0.6702304397923045,0.6777125360531076,0.6838492386704536,0.6898915047102,0.695931265546215,0.6999901107429178,0.7045733201641844,0.7039643361462319,0.7093252116637918,0.7238205445843418,0.7592772448963854,0.8173876464771398,0.822988621484277,0.8252526174956982,0.8252526174956982,0.828637160501061,0.8345668816289388,0.8381208938126474,0.8529232918188046,0.8736432724590184,0.8835018777616775,0.896438728343718,0.9022020938266085,0.9104614338917953,0.9287025065738808,0.9403887946409419,0.9194692167428249,0.8865225308277729,0.8421102658540139,0.7991468375852037,0.7432739839926448,0.6963425986092016,0.6516312730087153,0.6115012629968201,0.5570933565373832,0.5208015718525496,0.4757189536812227,0.4357181940114773,0.40665530804350347,0.3765261115657116,0.34758780030613595,0.33721403541655093,0.32503989252692644,0.32343573172713247,0.3192306459433217,0.3116536524491875,0.30592914371429364,0.3078357793035113,0.31261165865836027,0.3290167156367819,0.34697707001992306,0.35516343555823515,0.35758486839344295,0.35907930423075807,0.36635180592763616,0.3712914943218597,0.36895656378127073,0.35874604828246637,0.34040539192113883,0.3300212761482564,0.3269162709286327,0.3184223287504337,0.2917637103549048,0.2809034576364599,0.28402674165189506,0.2901279830866266,0.2933912372749356,0.2961738349323848,0.33071494852396377,0.35816027809432094,0.3817430211246671,0.40287812413336566,0.41574188158835856,0.42088254749464643,0.4303579797282557,0.43580746060865316,0.4439732783260954,0.45515993318471043,0.47590218240719884,0.5010510205374202,0.5237084575161026,0.5500834247881365,0.5872734507594569,0.6459011073269023,0.7265453927126302,0.8260904434700261,0.8284485120884058,0.8287407867843553,1.0
0.9312592303338657,0.9300682442382021,0.9322570197418645,0.9335193325436819,0.9350842624205766,0.9391477482160345,0.9426692842968629,0.9442664135401984,0.9449839048128426,0.94526455070914,0.9447800565721911,0.9435395010520913,0.941364254383952,0.9376840082950809,0.9364384239975765,0.9367461745418317,0.9342333153654419,0.9331148772918518,0.9344471210670879,0.8520550343610309,0.7286552685291763,0.6425918766059894,0.5822745254376287,0.5325650141612444,0.48030930410096784,0.42881733247750914,0.3985362500305323,0.3591469228509644,0.3021576496692946,0.23691116841186283,0.21862099979789407,0.21884341190699932,0.2232409808728158,0.229434548912835,0.23024488297561196,0.22598223662256445,0.20369668999666907,0.17090179536022176,0.14501101014598788,0.12015325610529148,0.10139341061055873,0.1025010681971138,0.11463380913762591,0.12486182368155435,0.1398151099858964,0.16427618526741775,0.19741689604126045,0.23513347729137488,0.5732016603969036,0.6107227881191735,0.7131890685583123,0.7319711753473347,0.6165142788476388,0.6786865165983803,0.6991212048566048,0.7541168789458544,0.7987698820027769,0.8514205149617561,0.88618823295838,0.9190378961528303,0.8841865031327601,0.8569673124193771,0.846424562349011,0.841851570266787,0.8420495442586706,0.841157356113046,0.8441938237586096,0.8433437688769445,0.847719822028334,0.8500350895884555,0.8496359094638901,0.8644486910163403,0.910831429054969,0.9798419917129205,0.9771392644221486,0.9655123432543282,0.9655123432543282,0.9355704160109763,0.9005421803358896,0.8328266084466689,0.7523338251631384,0.7029268072620811,0.6408448026031786,0.5925284122491405,0.5487266388055339,0.5309217209695635,0.5135533079773947,0.5046424003657037,0.4790232179683074,0.4425757894195148,0.4034434915428362,0.36966054802116183,0.33101323418263,0.30523691216654336,0.2812371301182484,0.25814194373048593,0.22635286327035153,0.2403986557368503,0.23928524833894513,0.23831205601060035,0.24969631778563867,0.2540326157847192,0.25737001849875096,0.2738802750394496,0.27864931893344236,0.2847022221732922,0.29066056230065174,0.28884867143421705,0.2940662830727364,0.3016524002057478,0.3074051575115667,0.32432811379747184,0.3401615915937441,0.3397806532324017,0.33065133062350516,0.3113798213795899,0.2918467051027401,0.2737089642008433,0.25754852360163766,0.24155677359473504,0.23467361639943002,0.24096840704420763,0.2593764027758196,0.2757897440963272,0.27416621023334214,0.27874646799396,0.2919415633185581,0.29968017972815425,0.3046575069197119,0.31091309948643214,0.3483534878659506,0.3793232297318298,0.4034373679236204,0.42304094395017855,0.43295485210345236,0.434144655392435,0.43680672826621086,0.43853762859731094,0.44421277543333115,0.45663744797421246,0.47962072710769643,0.5081169830984957,0.5329922582116591,0.5600994320416048,0.597407811600157,0.6561886913571442,0.7378364339252662,0.8379430324635473,0.8405403464135316,0.8426732678769835,1.0
1.0,1.0,1.0,0.9999999999999999,1.0,1.0,1.0,0.9999999999999999,0.9999999999999998,1.0,1.0,0.9999999999999999,0.9999999999999998,1.0,1.0,1.0,1.0,1.0,1.0,0.9133025456872788,0.7815508884465846,0.68853519710714,0.6228337512575228,0.5674060859826612,0.5132393507826534,0.4590714103778871,0.4275147361611713,0.38835093587602165,0.3329058913761046,0.27008171838495737,0.25083940336138344,0.24279632566042664,0.2375519156418839,0.2350539272886017,0.23119487080023582,0.22427913193453375,0.20511680064831136,0.18135845599078684,0.1650142473317335,0.14316077158575174,0.1222216392263398,0.11415850736652405,0.11209051590122993,0.11706462167232956,0.13637122424712608,0.17446745546412123,0.22036514292183923,0.22597431677283414,0.0,0.6428126835760505,0.4514185104542067,0.7786498735336969,0.6294789620780845,0.6328835880272892,0.6021375725418406,0.6427333482428529,0.704905086845979,0.7808615443197483,0.8393349877281385,0.8785113533048727,0.8594509991961202,0.827857591925317,0.8177756043580791,0.8071650239073014,0.8043773665771334,0.8108292380342549,0.810844038691832,0.8209964423645648,0.8273726807200152,0.8267102560663019,0.8290196374747456,0.847640796467205,0.8860693768199388,0.951298482889218,0.9640577968183921,0.9558733393283338,0.9558733393283338,0.9541102594562718,0.9378926126217327,0.8818331239414965,0.8220311867424686,0.7695848324672377,0.7145452601764948,0.6731424297048335,0.6477505085675536,0.6232471014058161,0.608336472462718,0.624886830253798,0.593761019917427,0.4914572805216776,0.43384254174810644,0.36941830976548545,0.2832788246751667,0.23001582826393008,0.1754586494582569,0.12054715965289875,0.07129497476086388,0.08641818530585593,0.09635291739518298,0.10365127203329177,0.12266122346371044,0.13724486954091197,0.1510230872745954,0.1845647107148189,0.1996231346068436,0.21356054841530814,0.22523283222778145,0.22579769907240893,0.22948732399519117,0.23878408023343484,0.24682448398355883,0.2684163955818612,0.289098778099078,0.29340124197654627,0.29230287957571155,0.28781831273373976,0.2899633402024091,0.29379260809783625,0.29475635624666113,0.29335367704256193,0.29160643644131684,0.3003448534319981,0.32096996562754765,0.3380536528016229,0.3409300046881895,0.34958484829339725,0.36470854746149767,0.3719702123759576,0.37612039377617806,0.37737445909115613,0.4058383824802062,0.43226970776148727,0.45376008593487976,0.4713227547902363,0.48016841093676754,0.4837486323189175,0.4881317966841426,0.4942348883225221,0.5034925462387563,0.5190362643335474,0.5422071817141197,0.5724788392675404,0.6006968660502066,0.6340636631130103,0.681072333481693,0.749059503218559,0.8430887229330857,0.9540432383068174,0.954860677489686,0.9556478011189453,0.0
0.8936441564750307,0.8918556948993108,0.8941209057244326,0.8953428704729938,0.8971941524507295,0.9000930300583736,0.9040081527475463,0.9053387164853144,0.9077494113210868,0.9088693495613328,0.9086354260174954,0.9067522201696331,0.904265038616631,0.9020622326515808,0.8981668016741902,0.8969413921260619,0.8941749559031837,0.8907872567197023,0.8912859005408675,0.8128326415140568,0.6952945474611907,0.6144020228987608,0.5574187446001708,0.5097181810818785,0.46012471856615333,0.40938653707043227,0.3796498012482113,0.34043444597097794,0.28354439104622964,0.21872039188950823,0.1991983037086107,0.19279281255491465,0.18909659172451987,0.18766565323862372,0.18644388772369036,0.18227465161391015,0.1646183351071176,0.140514921231014,0.12537983286725862,0.10298269245492869,0.08224527522478836,0.07540726732038494,0.07288823051694537,0.07700421676791253,0.08964228250809747,0.1233228481654163,0.16072432987526913,0.22549684654847996,0.5946972544165732,0.0,0.699221568779239,0.4398392104299873,0.566277478667977,0.5836586800854927,0.5257539712090579,0.5240863508054657,0.5590532163937438,0.6207214361793768,0.6949785507689853,0.7351746590321997,0.7490096854305844,0.7337612685980599,0.7355808481404456,0.74078374590712,0.7357449084444523,0.7426932143524486,0.7505844717202269,0.7541107890289656,0.7577240066251922,0.7578103407657838,0.7602421060217894,0.7734960971916656,0.8118997611388752,0.8716658802713301,0.8838952160126157,0.879553924100102,0.879553924100102,0.8800127495448815,0.8799805415107894,0.8883306852906181,0.8969889654881298,0.8944959765245826,0.8924322525360864,0.8733635588466263,0.8445486754721473,0.8099927024179165,0.7858426183358291,0.7650511423955373,0.7278199669945862,0.6897167964414124,0.6554636965240324,0.6266476777592828,0.5733338031162599,0.5594250128239339,0.545498111734085,0.4723660644009988,0.39738598464010105,0.3544303464341097,0.3013853638856814,0.2646163722956235,0.24141427532266543,0.21724656078976257,0.18913485186704204,0.189105772842459,0.18373755232032457,0.18323532456084052,0.18761735630202425,0.185947550008985,0.1884826321476965,0.1966102360743328,0.2075090385084276,0.23153730950688572,0.25701055013852503,0.26801466442061317,0.2739754742210422,0.27800725475093696,0.2877910506179268,0.29573095871894967,0.29785291381247214,0.29708044289553476,0.2946762847190591,0.30471769262832915,0.3263507392288672,0.3478194315347642,0.3536812073938223,0.3651988512067523,0.3821344824648998,0.3919528623210492,0.3979973497362197,0.3993959486732546,0.42908596892197,0.4542234992252315,0.4745619410218112,0.4913115528227611,0.4997555047961555,0.5001586370293074,0.5033525647006325,0.5052444276607511,0.5116439480602506,0.524078508195998,0.546082982163296,0.5759141549990348,0.6033111745692423,0.6358968343058093,0.6838681507067536,0.7529216312119971,0.8469897430408764,0.9595200078444757,0.9593930636209735,0.9601389725487748,0.0
0.931975482270335,0.9316050291338807,0.9338897785726983,0.9336818266624827,0.9340760221155877,0.9339697271849563,0.9384328335281307,0.9398480318765041,0.9419605298360962,0.93735047790918,0.9390376680921496,0.9344450565721273,0.9325691318877507,0.9285554867118408,0.9249748594169033,0.9198810488839656,0.9198913351108239,0.9156476173681517,0.9154235233478981,0.8349341115547401,0.7139222192519477,0.6299405794671484,0.5692442765875736,0.520590095970509,0.46894451053524444,0.4169424254465059,0.3866879326317725,0.3468428292998873,0.28912875155826856,0.22302915112686655,0.20176962683346877,0.19314488942769803,0.18808678869832418,0.18783252652418464,0.1848635616038043,0.17877305985062658,0.16101388020050533,0.1374728236950366,0.1212040930705065,0.0984360913810009,0.07708688281126896,0.06901247265639138,0.06623066058396293,0.06525735168581942,0.059714663163497106,0.06068843141897534,0.061700695580233056,0.060941865953060115,0.4609006934590857,0.47428113541207484,0.5795703339598225,0.6232097288596556,0.4531309954210504,0.523525235457152,0.4951339024911823,0.5171144356841264,0.5256532050594009,0.5492830815337841,0.5905599001712726,0.608584706441962,0.6409724868135201,0.6785196534354901,0.7148596249111179,0.7543105423123195,0.756700028163771,0.7574092843604557,0.7596697963592641,0.7581760228240357,0.7635295790829018,0.7596666242727056,0.7624780564554046,0.7751437974413782,0.8161820348653248,0.8729813147578424,0.8763727814708939,0.8786922391327323,0.8786922391327323,0.8778866280327464,0.8823957135581605,0.8823390495457692,0.8895070637376892,0.9002521990605294,0.8969087262444181,0.8954042751385445,0.8846532645793229,0.8698794536379595,0.8537390725739562,0.8421220976925756,0.8059245420990382,0.7692838257676833,0.7266625558743156,0.6912327509533327,0.6515468832963438,0.6169638538799409,0.5776566995458188,0.5299864962695509,0.4678840117936211,0.42359777189920184,0.37386430934017206,0.3262990505013188,0.29353830778057405,0.26053722722282757,0.22135535805379136,0.19435222985389866,0.1678557873834149,0.1535532341273021,0.1473276572051349,0.14280326486574346,0.1459344271203366,0.16137415903598495,0.18097895483078885,0.2104695761011875,0.23767453547767126,0.24711960212952355,0.2517834277143673,0.25245262958684056,0.2615773734019081,0.2705022088534752,0.27471713883327037,0.2743634311829979,0.2757329136780781,0.283827431283038,0.30402138276453144,0.32159124307884207,0.32309460876553825,0.33216319788303694,0.3481422714240522,0.35635171928846043,0.35810741261226514,0.3612161601362447,0.38956987492764383,0.4128331766224654,0.43307322481505994,0.4488852502866776,0.4558721780960272,0.45832869743990784,0.46058921934496866,0.46331039741461977,0.4720766704103856,0.4871345846275942,0.510192861018953,0.5398720593592508,0.568054134011111,0.6012394444515334,0.6434873876218388,0.7077024660758546,0.7949813475972766,0.9021875338759067,0.9017980147807609,0.9011541715491027,0.0
0.6428557808722829,0.6351736411774814,0.6389038030623468,0.642128832967475,0.642859334328731,0.6440034350168145,0.6463496003089906,0.6473707036807667,0.6494020155780107,0.6492876103935679,0.6499062420912028,0.6481936300924633,0.6451051999763263,0.644743157165052,0.6473961879356502,0.6640149972326497,0.6949974168724335,0.7445766826576788,0.7862237868008489,0.7668493435374422,0.6836489976979016,0.6170653879650945,0.5628918418541144,0.5156378720502225,0.46541737773286296,0.4167832013937708,0.38877237584019897,0.35338079940479566,0.3003134349665362,0.23830356365357666,0.22038980460164675,0.22235287739146806,0.23548420532283013,0.2585709207821703,0.30800136928300226,0.37117235114139935,0.42742760318776896,0.5025814421523289,0.5799989059733827,0.6361320047759067,0.6985927544486931,0.7551363669810373,0.8144039590291005,0.8677785800755666,0.909883761612184,0.9495543145530272,0.9805678917627136,0.9999999999999998,0.997768578961391,0.9923902392391888,0.9918017414103977,0.9904453026754529,0.9233837035710655,0.870402026489481,0.8025293422859844,0.7579229536204289,0.7217235441708265,0.6938906796754846,0.6711221888581136,0.6162692706261865,0.5560850117782423,0.5000248702046101,0.4708477655512565,0.46752823490522055,0.46373309925410205,0.4615397754051078,0.46564826584765007,0.46483240274774257,0.4687875010850901,0.46534142064472417,0.4626405185921171,0.47362155113594145,0.49586914103655977,0.5332177570091249,0.535105077736475,0.5393328002966927,0.5393328002966927,0.543327299144778,0.5452960487878208,0.5460049145792132,0.5738984579312832,0.6160495264071544,0.6444679393630851,0.6733210587438303,0.6942231522015744,0.7146889799966082,0.7394306371256341,0.7475785481562017,0.7310816821757959,0.7059912407011781,0.6632024851662662,0.6245068658739256,0.5689914888161935,0.5232686994820626,0.47520774316192427,0.42915706250477254,0.364258943742963,0.33879887011162824,0.3135623334383074,0.27868642250895564,0.2611780586776886,0.25092279398361006,0.2313796378906078,0.2386078140535119,0.23703856868965806,0.2308761496707195,0.23480321546865662,0.23394683264624694,0.2381281946918986,0.24798854210033572,0.25727970419062385,0.27640654640310236,0.2922640454993645,0.29226003774363585,0.2899696041604669,0.2847446841726922,0.2865216810178155,0.2906877466844749,0.28958126821500485,0.2880154708739512,0.2813995570322138,0.28033708713678773,0.2840869240860101,0.28177103378165064,0.25335272830917216,0.2282776464733044,0.20749638598919357,0.1938570184621186,0.1836559723093546,0.18032255979433953,0.21750618540190053,0.2499661147259008,0.2812141606794314,0.30209510895885855,0.3130589252300976,0.3144023953055038,0.3170088156604514,0.3182430246962352,0.32762479489995866,0.3381905552936074,0.36264231454774315,0.3908550156767198,0.4139643771063111,0.4365124999562983,0.4642502226851065,0.5107079046379345,0.5764661034993206,0.6616655077641229,0.669557731717266,0.6701064524251582,1.0
0.5762362977858853,0.567996940274409,0.5686909174607979,0.57043956491776,0.5704394684731574,0.5744786156368369,0.5748493351591678,0.5742833782300422,0.5779130203174523,0.5775045022392323,0.5762705014124752,0.5761195996449332,0.5716403942336633,0.5722632561234696,0.569098701907664,0.5675519139034785,0.5662074777088036,0.5756847458658492,0.6178933239741508,0.6238882486090279,0.6093434482486852,0.6289564088026243,0.6602322094665523,0.701532130965268,0.7276666836951635,0.7584223899909324,0.7910282473554971,0.8086781408584665,0.82159023897195,0.8261826218951721,0.8334780389092177,0.8434349445420253,0.8479417124152497,0.849291790067434,0.8565465991282989,0.856526055995037,0.8547329574535498,0.8548940923148927,0.8523025051472561,0.8487728396544084,0.8416747711502919,0.8435056532735548,0.8425984484196551,0.8435106527795293,0.8431606415086272,0.8477142386589247,0.8443071591619369,0.8342580907055606,0.8986691470026149,0.8856687063603279,0.895747672568526,0.8888462571485585,0.7620033088878437,0.7200836700021269,0.6422786769499235,0.6040188368864514,0.5638581832099439,0.5357171930411838,0.5107650841724367,0.4261609213902226,0.3489480279596223,0.2864976751399384,0.24907065250298488,0.24459919694006227,0.24328325580589188,0.24147029808419318,0.24550934658780155,0.2411962436695158,0.24109253438352934,0.24102930975590475,0.24709161839240845,0.24985398900369343,0.25635143045434683,0.27949437947493194,0.2803078696610311,0.27971993643438353,0.27971993643438353,0.276904517148106,0.28159247423548184,0.28124595363288957,0.3191560354040711,0.385701578082953,0.4352538599767123,0.4844251951962675,0.5239022106789287,0.5679819135719432,0.6086908530590402,0.6516047714973998,0.6670571231032665,0.6765753766730641,0.6785217895802986,0.6777324705964223,0.6745032331111207,0.6741327571806133,0.6837633008569357,0.6949770316013344,0.6949152647899046,0.6908538965995932,0.6825561300911016,0.6650497384351148,0.6582814041656755,0.6396505064632036,0.5914234111849794,0.5317606376893376,0.4675517070404407,0.4060803975508686,0.3459067489859219,0.2774520653819892,0.2094628115736722,0.15766305208292636,0.10787026451446718,0.09368520537035974,0.07893635787737247,0.06371458320795942,0.05067010995663557,0.04638873534761623,0.049905123672361884,0.055873041341165,0.05618535930009483,0.05461851891878822,0.05052601310951221,0.0563760761407468,0.07221789605762785,0.08324005653995725,0.07842108627155597,0.0845514262874405,0.09986359455594462,0.10990176538832608,0.11301182722649428,0.11457327086024227,0.15298223294676294,0.18529616435064844,0.21473515842239177,0.23550233629123152,0.24980719874138663,0.2512459439796679,0.25422393252564346,0.25315280751937397,0.26101949825675796,0.26959115018972046,0.2929771743239975,0.32113699242852456,0.3411164121113096,0.36000975092323473,0.38122260015547804,0.41992689146056617,0.47441929521245185,0.5491804491809337,0.5546181285331188,0.558426311588698,0.0
0.8555109808100425,0.8509156021168176,0.852445834031645,0.8537943894087412,0.8540507189001423,0.8557969663939538,0.8586428554976874,0.8581776102991109,0.8604080127357311,0.8598241922471882,0.8592297936371283,0.8578486631606614,0.8538438921538435,0.8511761320819994,0.8452335623616887,0.8411520258949882,0.8367773088798813,0.8299815801173309,0.8271823386528614,0.7520954075251772,0.6407403151836786,0.5636481309706622,0.5076077850458112,0.46073770453272056,0.4123801429854226,0.36156067691618016,0.33105734770172235,0.2899319250485707,0.22937382449517774,0.158681725976542,0.13759256219953986,0.1285939823735498,0.12439594232900031,0.1263533294777422,0.13382745986300215,0.13688448065368136,0.11970147109002427,0.08598823489169133,0.060099446324726635,0.024207648948414484,0.0,0.0,0.00782881407399838,0.016759911020824803,0.027668365735963374,0.051126544111724126,0.08253043966118784,0.1320414496053677,0.5376971772167947,0.5798707625465921,0.6931010405120276,0.7481639034476596,0.6489556346188545,0.7081271754057428,0.7311847183168421,0.7797010957371354,0.8176474239768929,0.8391897503520735,0.8451246514221793,0.8200139986201891,0.7706111698945205,0.7267905460028883,0.6988615160900373,0.6976763396834944,0.6940171066647842,0.6910053160703297,0.68880835466724,0.6887267566113582,0.6903755340547371,0.6896921237062449,0.6930448451483353,0.7039160077776361,0.738788535758351,0.7979375122878382,0.7977535528377708,0.802729652721976,0.802729652721976,0.800797381378225,0.809739287799753,0.8049967508163258,0.8048350771226229,0.813145279040608,0.8011866070496296,0.7951830867525947,0.7792363554419938,0.7681814888672888,0.7640401758484758,0.767718318238013,0.7422528007613359,0.713153971638599,0.6763185043430315,0.6421550157315448,0.6031173890003843,0.5672217316129253,0.5303293762974983,0.49389465589189574,0.4373868447680438,0.4082227137868514,0.373160740216811,0.3373291764047544,0.3173672470507596,0.29316645585131595,0.2725601550625577,0.2672008950970307,0.25396342440730146,0.24801476697834396,0.2442784188584829,0.23210900267058981,0.23244901741829216,0.24294459775008476,0.2575388376351617,0.28589511498828357,0.3166282079691641,0.3316996419296934,0.34510024932917216,0.35550455670864267,0.3702004440284965,0.38049793387868724,0.3801333808722088,0.36951153068890574,0.3523896940497585,0.34478556513630754,0.34545037364127207,0.3471249965416732,0.3343496887843399,0.33268650467703526,0.34265211012454594,0.3500072105615061,0.3551040150882284,0.35882991957535876,0.3896902098747049,0.4151776171107667,0.4361483385635091,0.45355176564089944,0.4639835304426389,0.4654168794344731,0.4696593689378688,0.4716062316068358,0.47779592954574934,0.4887596717243709,0.5089914151259513,0.5360703783815894,0.5608482408391011,0.590950722512429,0.631875566334384,0.694884648989854,0.7807470958993754,0.8855294176354275,0.8862070573363687,0.8865492715996763,1.0
0.8906998964202908,0.888574580093507,0.8904288941489236,0.8914657127162308,0.8912163249828202,0.8928220995305016,0.8950064976275265,0.8970297638302697,0.897334087114051,0.8968679181475345,0.8951310092637699,0.8955432281962008,0.8916744391544755,0.8896482187752729,0.8846952069341527,0.8845557705290215,0.8818320105650268,0.8811737110118174,0.8821971189483169,0.8069481794757738,0.6910416975821747,0.6097554488305628,0.5516030341427227,0.5053235541204517,0.455794043027134,0.4048514024309482,0.3755148396918632,0.33525492029111714,0.27757342675214697,0.20997190462439147,0.19230539556684095,0.19052835622152298,0.1998856225020694,0.22032350546071158,0.23460071988717074,0.23300593888558777,0.2182222695569872,0.19566099512536167,0.1736104799733137,0.1493888565422529,0.13248878531742808,0.13209055309300768,0.1375458528264353,0.1467976841466918,0.15329170099848977,0.1666793788618498,0.19232466083773522,0.21962580808447627,0.5595979493162694,0.6257417942432205,0.7228385938026871,0.7713304973165426,0.6148385025900782,0.6504206272187507,0.6463212680152457,0.6826858039944944,0.71642140119896,0.7638525303732746,0.8140629836655334,0.8337526792716872,0.8044855585519203,0.7739814468106976,0.7528856323494879,0.7530490852915079,0.7523840724456314,0.7497144018581413,0.7514001159177389,0.7489882838471964,0.7596135021843264,0.7563791913899208,0.7599695676941198,0.7710923211474625,0.812329095614345,0.8716672998049487,0.8743866253382968,0.8714735937503115,0.8714735937503115,0.8739963884271937,0.8825432379947987,0.8817035192941061,0.8871149672955565,0.8919676874265166,0.8704263982692768,0.8453790371741339,0.8012380460192017,0.7702781185071498,0.740618084048415,0.7159036510233543,0.6633946549556191,0.6091619693513692,0.548926606955829,0.4933264142398173,0.4266996897851121,0.3803612634957104,0.32436899240510475,0.2804705155236006,0.2265414252310672,0.22471069621484152,0.21724822870352498,0.2078794700930636,0.2123101034851769,0.2205047719548406,0.2264187196750846,0.2463280010189231,0.24922594672105577,0.25352321418969914,0.2619225825112892,0.26128899906626435,0.26487672904439485,0.27479806961510583,0.2827938210967412,0.308641115928859,0.33506878284231434,0.3410030109614225,0.3402291346411135,0.33025456924167573,0.3213371998690654,0.31260123357259406,0.30051815107453084,0.28274804092195793,0.26179737497931377,0.2556534803857288,0.2703291148107536,0.28243318609472995,0.2808710552157408,0.287153438632112,0.3010525515796142,0.30837157971833073,0.3130911220497396,0.31602236670666495,0.350749049516337,0.37803873585619624,0.40152511941906693,0.41910226782644844,0.42845610368105413,0.428638298142472,0.43187322268459344,0.4331989524943631,0.4410328837682008,0.45391224678987135,0.4762998525077679,0.5055416155975718,0.5314366166406045,0.5592637404202752,0.5993154723397075,0.6597970435619908,0.7412479042297427,0.8433054179490668,0.847176543463945,0.8473906309382784,1.0
0.6864124162002173,0.6996121401759107,0.7247266102292887,0.7620855542767797,0.7944073521133849,0.8197750241864317,0.8436006128911296,0.8523371019214137,0.8649810852993574,0.8680269053545724,0.8726013445860327,0.8688333656914271,0.8583852193708856,0.8439919769664447,0.8294124797630908,0.8132433711976876,0.8077807584193267,0.8102641481960747,0.8349277126675577,0.7890763985497056,0.6835119670357637,0.6072894667753774,0.5528561998862958,0.5100969223666285,0.46171869546876754,0.411789956291836,0.38529344126281573,0.351465306740359,0.299211793818315,0.23945930333813886,0.2289938337377814,0.2328956184270262,0.23944675502775362,0.26479118137934016,0.30279772418153095,0.3529819336986098,0.4083727447086052,0.4771536850054894,0.5648559100939936,0.6323290327661419,0.7036742642802178,0.7694716203973846,0.8312486179602558,0.8826825577779609,0.9200033106223153,0.9573822507793519,0.9853419744862655,0.9915054702489197,0.9975524873751669,0.9887477386327432,0.9912254295391008,0.9886768085564794,0.9212286625063193,0.8738804182513356,0.8032605847470689,0.7600310019484607,0.7201490255111678,0.6918638848295171,0.6743453367797275,0.6191247519054894,0.5517656518120537,0.5050646984417289,0.4714126613572537,0.46447200361389274,0.45515113038387206,0.45590267137077967,0.45516651525595186,0.4528500165031896,0.4502773368016702,0.4525146918161749,0.45447360850943774,0.4656020184693937,0.4874189942088928,0.5213128383172503,0.5256561090098515,0.5267057338658383,0.5267057338658383,0.5274382626517999,0.5325267756452051,0.5303106622591951,0.5558009374826116,0.5980985750109999,0.6297819311186551,0.6557656515504008,0.6772398940724974,0.6941149420562369,0.7169569908139066,0.7318471595193521,0.7259810668912483,0.7068190727345574,0.6760920439761006,0.6461734830060236,0.6073630521995901,0.5718706750657226,0.5356584175469218,0.4977578277742702,0.44391211217039633,0.40842435217022477,0.3635334926098625,0.32232501522099666,0.28953431793146506,0.2608993139808555,0.227795385336877,0.21690086361709227,0.20869349986113167,0.20293150981707997,0.2046721671248138,0.19831682947507923,0.1979533526896814,0.20190525080145016,0.20662958896932093,0.22763094034218384,0.24355868124370766,0.2437017438536444,0.2411168030591504,0.23253228409496313,0.23102062759318398,0.23188349377684814,0.22977784319230676,0.22643007489737732,0.2147968624748508,0.2126062413516685,0.21459438189465357,0.19789193503902824,0.15350520915044064,0.12384839410880266,0.12241344832578305,0.13130006574992947,0.13506202428674097,0.13487224082058435,0.17597783818340107,0.20792354116310852,0.23556414630450373,0.25623105431703386,0.27030760032227047,0.2733987528321183,0.2766724706620866,0.2782775028968476,0.28790829786863825,0.29858965151367006,0.32164724566787484,0.34899942429878467,0.3705706943520921,0.39156448791905507,0.4159873979490166,0.4565397193345341,0.513474792429146,0.5949008026136842,0.6002959820682796,0.6003835553425643,1.0
0.5772035863470071,0.5679300790796847,0.5735649196993097,0.5741660914540389,0.576549561673571,0.5865034671336287,0.5829342937847353,0.5886949355303615,0.5787220981001238,0.5824851404799791,0.5783897507795523,0.5755645150433764,0.5773864438739871,0.572647605801765,0.5710926893494735,0.5725979411789763,0.5690730023210409,0.5663544217653282,0.569881213252775,0.5164451434272653,0.4402255943260778,0.3852240671199758,0.34654901970874274,0.3138753789352775,0.27471606245850355,0.25254385589550793,0.2547044601852249,0.2536946466995111,0.2428017606983039,0.2907104541702733,0.3755273096224059,0.46460742267228494,0.5769385946982382,0.6692538945597803,0.7244901386798113,0.7674781595644993,0.7967570213422808,0.820585839189675,0.8041381035708639,0.8184411415789727,0.8617735261681907,0.8585316165669994,0.9009093729404029,0.8099748676170708,0.815725404484468,0.7929289945883669,0.8177400409396698,0.7848039680543587,0.8779647087695559,0.8620483378222135,0.8803208430348015,0.8749895739300242,0.7413968478410513,0.6886445836203503,0.6307890360024164,0.5988104958433894,0.558348922579145,0.5147187313058968,0.49486503984009134,0.4006586068249363,0.34415067499545227,0.2846221034480869,0.23535805190896741,0.24333319246482,0.22500691420230262,0.23959886224203786,0.2171501327654548,0.23635201280930734,0.2222865225827802,0.26137593017904104,0.2006157915222786,0.23833402542133258,0.22559921386842618,0.23772598285156088,0.24200168003865913,0.24792871399261052,0.24792871399261052,0.2491172624463321,0.26175179902526546,0.26898711106767675,0.2865459541082499,0.3745485881699099,0.4198308907406135,0.4728666582911982,0.480096039225992,0.5410071655169638,0.5875485179008904,0.6381806113240507,0.6504626268434772,0.681490576961457,0.6858671164605907,0.681498563071054,0.6749438742664071,0.7147828072430735,0.7520079367256427,0.7785951588099809,0.7895198001888235,0.7782028104560124,0.7827115829677112,0.7955594129491885,0.8292460211369695,0.8324856750209634,0.8929898879595368,0.8477723394778618,0.8068606092343156,0.8117603203856707,0.7804408561088124,0.7728143935681281,0.7752059492658514,0.741621053744536,0.7309984162591969,0.7716607354631635,0.726401014421299,0.6856071612555461,0.57602002826081,0.46193732684785077,0.37221989566503727,0.2538220643167954,0.16853583825642432,0.08720273307431503,0.014247278837396626,0.0,0.0,0.0,0.002742392089834622,0.024754764055991862,0.060309522973751584,0.08283198231717781,0.10112187758198765,0.10519058240303658,0.13960449043965095,0.17087208575001955,0.19961518333766048,0.21875209141523877,0.2320181950114072,0.22984179218541323,0.23452406628877243,0.23464708060788486,0.23883052294172047,0.24337415339177615,0.26181163738255686,0.28675031078256064,0.30907426484147205,0.3318116759459807,0.3503128028225303,0.3854121716802483,0.4353252123960514,0.5138769029391504,0.5266947420498103,0.5244020627855984,0.0
0.6056796726597015,0.5989310979459671,0.6008488659332557,0.6022909345465176,0.6008203630232966,0.6027669475487953,0.6041710166209314,0.6024541943831878,0.6042529439517812,0.6041850136582458,0.6031964330225468,0.6012590786493088,0.5984347470241155,0.5960738644898252,0.5994123005027019,0.6137343423511981,0.6430816497870427,0.6956162510990457,0.7537162324847201,0.7305772782632389,0.6518247378436115,0.5884141567982212,0.5349811600361203,0.4897874242284077,0.4402852129927769,0.39076504569489867,0.361699658660027,0.32316690638457696,0.26880928186395203,0.20434673576745338,0.1889433648926604,0.18471207118859295,0.19920733059735787,0.24630140039536808,0.3085034780738197,0.3712723737863527,0.4433998992218029,0.5127980487585643,0.5772719230414539,0.6335357881885239,0.687826894620299,0.7374395568671437,0.7786119001125584,0.8307801066165741,0.8638915249184858,0.901213435507602,0.9145574790453019,0.9219348869587802,0.9630306107714284,0.9500923169622839,0.9539955669769402,0.9486251373781108,0.8631364860591435,0.8100284335672997,0.7383509939919646,0.6911324819117682,0.6536380742420687,0.6184032495786254,0.6043394225752325,0.5309943501686936,0.4597943699599386,0.4075179070888816,0.36388279081726027,0.3696266697192736,0.37760416399056046,0.37209579421202144,0.37248068699548265,0.370416234417878,0.3749907084581409,0.36940513852712076,0.3791312707342499,0.3829198442925705,0.4042588179079344,0.43393825706980993,0.43952475282064535,0.43700906627533,0.43700906627533,0.439785540713371,0.4355356254295287,0.440758525706836,0.4739252047745226,0.5283512890659384,0.5698636653877697,0.6069602814717617,0.6392300148487873,0.6771584555958261,0.714108435145912,0.7583934971191106,0.7729737376259009,0.7865083106709698,0.7928674303593354,0.7976537147875646,0.7955192637505741,0.8009556549857397,0.8025501420638679,0.7964324255906345,0.7724970743820465,0.7390413641538294,0.6982710600011512,0.6523993301713544,0.6170243954772218,0.5733261003751129,0.518696745520602,0.4660634237262028,0.40101832083110556,0.35336022283561813,0.3181391190702208,0.2681044601286565,0.23768523866387936,0.21479435983384765,0.1987912019602553,0.2150082183176416,0.2228698413674846,0.22263929239314229,0.22250420735080817,0.22195497076821802,0.2249107512432919,0.23019829177911405,0.23642038636238766,0.23025370819936486,0.2226554869716732,0.22717647176728667,0.24244435137204046,0.25678900442388863,0.2504120438457344,0.2529765722999567,0.2623084283022983,0.26523535460043185,0.26745665932649304,0.25723640610281184,0.277626122422841,0.2860696855071236,0.28751941324226016,0.2871918042394711,0.2839081764655004,0.2696793447325413,0.25951854679606295,0.2554105611852735,0.2614451998349955,0.27320982079588363,0.300116677833394,0.332345967164938,0.35312636520488594,0.37279328521515054,0.395008913639439,0.4347243451436317,0.49056748852063436,0.5680401091608047,0.5763088519569384,0.576444264133343,1.0
0.542106621998873,0.5389594380466036,0.5388174284887767,0.5425233669538118,0.5442588193520621,0.547280318519741,0.5507054586850115,0.552666638675803,0.5533528449185592,0.5524475129025961,0.553171264101975,0.5524738216137267,0.5497552101515072,0.5489399215034542,0.5458434909317189,0.5507094945085625,0.5686955910031678,0.6091701707805336,0.6602318988725753,0.6528534747597364,0.5931759773635992,0.5503173971708751,0.5078454904019516,0.46676630133280994,0.41895562963794714,0.36964169493943005,0.3428651348700789,0.3075391520046375,0.25117519288884815,0.1892419942274186,0.17449267302237365,0.16644928677731735,0.16120222975718823,0.16788224616832426,0.18118365025954142,0.20400424133186226,0.2433382044699364,0.2860790034943129,0.3506141660734009,0.41179490003886154,0.4726332973837892,0.5415424449107396,0.6030831170393306,0.6653963133556631,0.7237749302266601,0.7813010405285937,0.8214186816826479,0.8474120493936027,0.9240896527552271,0.9220351198292723,0.9324539168918222,0.9300646421054395,0.824268820440629,0.7768587388344367,0.7034976586303336,0.6624138650750956,0.6241533837424926,0.5951684528590993,0.5752447099669342,0.5037749413739852,0.434628200653163,0.37908658912084114,0.3423466732835836,0.3419177647914332,0.3363146099406808,0.3350717324979725,0.33861706790023194,0.3343951884642346,0.3366245407600514,0.33662246610943936,0.3413691758877635,0.3481585470521635,0.3637384854848117,0.3938044928396752,0.39814688326664843,0.39651386061424165,0.39651386061424165,0.3985397412701301,0.4016670741875725,0.40485553978260197,0.4353944775635429,0.4898553246796278,0.5330902291203689,0.5760698980682514,0.6103135748446382,0.6472762042020227,0.6885613767145975,0.7274587056301696,0.7442274797756614,0.7575852973288261,0.7613760512430457,0.7715496750915019,0.7741508475906155,0.7894895784212819,0.8119143467074691,0.8412519499860329,0.8530114252883467,0.8588483113212169,0.8547526543579856,0.859921817759014,0.8807842807997472,0.8884436814132765,0.8721514826479275,0.8250804383463037,0.7734176902343144,0.7280632304028245,0.6914693638750188,0.6348028522070518,0.5866151068289099,0.5324071099042041,0.47243002245353505,0.43552952178414617,0.40531126863586164,0.3635418483410563,0.3248080738550533,0.2869472062236803,0.26280120991763445,0.24059883952218897,0.2249440495285135,0.205966533209695,0.18821356112200388,0.18693119686344434,0.19803294676549887,0.2075384108052632,0.20457344662054316,0.21080178568077446,0.22652038150828063,0.23752550203723283,0.24278629596682927,0.24126797049977394,0.2727802987821894,0.29990921314569713,0.32376768229945607,0.3406889498652621,0.34812059570075055,0.3467075038044803,0.3449467628736863,0.3407666974914304,0.3409376418333551,0.3431139486113103,0.3543347265483351,0.3633102732527818,0.3568215970417913,0.3354457735685299,0.3089891469372492,0.29182760649774453,0.30458609624634625,0.36813354608767024,0.39667802727420065,0.4265030243672213,1.0
0.8504856023584898,0.84670401546114,0.8485485946724081,0.8499380804001824,0.8500577055594436,0.8515597209691175,0.8545103477409104,0.853959816570782,0.8551209871385765,0.8545834671069121,0.8534267403809335,0.8488805006261082,0.8449331318130588,0.8398388804887648,0.8347642849446261,0.830427048919764,0.8272694228898485,0.8245180963782406,0.8240129673061296,0.7524304068511126,0.6427361058382374,0.5676837715800824,0.5138959449111953,0.46916004791586696,0.42100185222838954,0.37135923220344164,0.3411901647279473,0.3009970128336463,0.24062468080609778,0.17046040449005018,0.15026837852937747,0.1410945313711221,0.13568425722035138,0.13363172889270242,0.1314199279642756,0.12557159425774733,0.10620402208970742,0.08014765754079411,0.06338283558818886,0.03890119119109314,0.01668197871717475,0.008243541804587251,0.005136950679412278,0.009770226668348148,0.027765612404599627,0.07270682600369505,0.14724234382123294,0.23168315664099814,0.632788264904896,0.6983511098692898,0.7595164213114969,0.7773742696131235,0.640233185186556,0.6594702546002456,0.6372615771262182,0.663887575779778,0.6839544434431029,0.7146266705604886,0.7461090642779017,0.7309389150667431,0.6937765148021487,0.6549503979807627,0.630304209026085,0.6286797625148338,0.6284714279538752,0.6300078853326071,0.6294494459615437,0.6333665517959846,0.6364429279468797,0.6368960329279444,0.6417003900336936,0.652558606414811,0.6812593397962061,0.7317849586375508,0.7340155500699488,0.7356051594224859,0.7356051594224859,0.7356275862090986,0.7430344559259533,0.7488249843585808,0.7683137017132178,0.7987646732607475,0.8135221982624611,0.8320532870557039,0.8427471248128424,0.857672556525584,0.8723061185001304,0.8833901768435994,0.8608789256158842,0.8310072505145869,0.7863921339324061,0.74195275941773,0.6955425303064903,0.6599576868990487,0.6354421681124678,0.6192256456991649,0.5916052010875155,0.5743312102731847,0.54702830471755,0.5145208987070893,0.4822120383115858,0.43292274132196923,0.3747935751156256,0.3170717351278477,0.25308284015704974,0.2037474249843143,0.1548334125447094,0.1143172736548792,0.09837371166537856,0.10656051764651392,0.12596638511093966,0.16636556449245393,0.20364914096123105,0.22300768301498186,0.23364195528635723,0.24197746924900937,0.2512601375514557,0.2620565997413507,0.26720990410510714,0.26840097115002204,0.26702083895265555,0.2751088544658103,0.294861656065039,0.31434205411417,0.31787246106096206,0.3284407414026864,0.34705107666734974,0.3566754846769073,0.3627058261379286,0.3660824095185391,0.39777991448764893,0.42698027503131225,0.4477706918309207,0.4658516659799519,0.4747987367555711,0.4755756577937647,0.4779917207215248,0.4793649988563919,0.48523632766092734,0.49646196343461735,0.5167973847707753,0.5451233400542156,0.5713977601661451,0.6000021778576149,0.6399871069159659,0.7030753374583193,0.7881162664006525,0.8929260929276122,0.8941804964342355,0.8935869478322839,0.0
0.8209551931953123,0.8180115169981117,0.8236414762040788,0.8296755012547478,0.8339053937997265,0.8369340202049349,0.8410772000448279,0.8437060952968032,0.8477340130520706,0.8472848656026533,0.8498329988217905,0.8504758228251597,0.847767149135869,0.845913055484584,0.8435372962222227,0.840267106941496,0.8348027473365072,0.8305240787264481,0.8294343839070206,0.7508142074646051,0.641505037612021,0.5664655816138685,0.5110129452205787,0.4654918871790464,0.41710359092222626,0.3680166274413913,0.33782589617907083,0.2962671361834994,0.23502795052194408,0.1640007427844593,0.14408362064216773,0.13561942707595193,0.1330762859737043,0.14320235977715268,0.16100545544010642,0.17694372032744138,0.16721516037176354,0.15511161301262005,0.13789155310172446,0.09691451948882229,0.06589992057241678,0.054211874454678455,0.05735783080086687,0.072629240385364,0.07554950019991663,0.08670944301200911,0.10720932743953315,0.12530638033138683,0.5354008609088796,0.562809068181848,0.664876484725285,0.712893196455265,0.5605841708817619,0.601702779169017,0.5896506243984299,0.6241709842065322,0.6675338356234746,0.7180411727521028,0.7675095445482019,0.7661835732211879,0.7304025156992562,0.6895057351358369,0.6639046009596601,0.6614226653061229,0.6614534574676709,0.6634572766230609,0.6682886037414167,0.6647268876927594,0.6658413836193933,0.6653962146385005,0.6668337349885759,0.6802662858666899,0.7159773463143846,0.7676587024784508,0.7709372340252623,0.7719113351371505,0.7719113351371505,0.7699739277714177,0.7777489100450926,0.7804572231116198,0.7915402459404854,0.8089602569869738,0.8175206133312155,0.8215864944088018,0.8218214887334775,0.8215755240947775,0.8298522936992051,0.8385746622119923,0.8279454373505915,0.8118204987223485,0.7882358870859685,0.7635436203707403,0.7314294794468359,0.708294838755596,0.6745079607074199,0.6495061923813839,0.5948994008304547,0.5586825413360346,0.5182435141822237,0.47354010076485564,0.43491821785184975,0.3949618633511438,0.36041735696840316,0.3241636318726525,0.2842614101436278,0.2598021633031526,0.24251210192497524,0.2258467834125421,0.21575926499321146,0.21227080494136802,0.21693650452910418,0.2346128611147038,0.2562643279103998,0.26157519635085685,0.26343794874364745,0.26331737973104463,0.2684237096273206,0.2714991563101609,0.27485533512154636,0.2794678250119661,0.27910511954316936,0.28956661334337597,0.30729161121920034,0.32176212685919875,0.31983085819557,0.32248331218616527,0.3294765281354565,0.3276966699530555,0.3215604026946636,0.3117115650835282,0.3396873124388863,0.36406081689204967,0.38385119840647863,0.4057626735219828,0.41847491571935463,0.4247336981284017,0.432675601777094,0.43852249769986384,0.44644094055427597,0.4634914432426414,0.4901974891652993,0.5219620404109058,0.5547470448346141,0.587286606975108,0.6336912351681518,0.6979935807136107,0.7871544224659422,0.894075434361432,0.8921495839134277,0.8957948705671719,1.0
0.9032199415534548,0.9017798627021099,0.9044271392306976,0.9063839182293965,0.90717449714769,0.9111132280758274,0.9141471156745784,0.9157187147231622,0.9175994397908496,0.9135841265034643,0.9072902194139536,0.9036918288472995,0.9000007991393979,0.8952067883230201,0.8910327873527364,0.888698276129574,0.8845017871009526,0.8810576747544843,0.8812960836362465,0.8040641092894729,0.688624895264049,0.6070752710374424,0.54931015929827,0.5013894490311823,0.4522772579871237,0.4010586341453475,0.37120233138027237,0.3310731233040545,0.2726429861757147,0.20498581043515413,0.18536989778202212,0.1767329392748097,0.1715691703596537,0.17177678166914073,0.1768896083397189,0.18900006398475547,0.1907188345424855,0.1821684586613936,0.17501093558970401,0.15595960027694,0.13137573966901867,0.11954302518973914,0.12150476799106108,0.12823486525418756,0.1339266782441144,0.1522616818779856,0.1609132046307511,0.1617382810973892,0.5141507448126156,0.5166132596940397,0.5983214285094592,0.6119587676952769,0.44137520915004647,0.5539859717929201,0.5066441018550562,0.5371961662920264,0.6117391564694696,0.6710917304121268,0.7483089496833363,0.7890156819198701,0.8214217902847994,0.837160264881593,0.8397761626259217,0.8523234346533533,0.8567312885106686,0.8557330188008551,0.8552366535667509,0.8595906107541549,0.8674032448528131,0.8699468589227636,0.8709954678012255,0.8856445988684791,0.9310677925557964,1.0,0.9965918762717729,0.9955701863700805,0.9955701863700805,0.9758298259845177,0.9559976732465071,0.9129585504913067,0.8619663342818165,0.8161655210025889,0.7629288406641336,0.7266975108117262,0.6730323135126302,0.6465494114512575,0.6290703102711745,0.6140379288913504,0.5803790409670814,0.5388471116001613,0.4957168211116014,0.4568365719865329,0.41858845482391355,0.3827451250961109,0.3477601240669666,0.32062310482081924,0.2912700407008932,0.29877566861547333,0.29467333684751934,0.2919973281923153,0.29840856526233894,0.3016890714942538,0.3010784423866609,0.31260594569548605,0.313204677232079,0.3123328764811286,0.32066864160861264,0.3189551926931186,0.3214766016938643,0.3246742686520129,0.3248020269801191,0.3423334997557499,0.3576870192069079,0.3608769993190958,0.35590680759966686,0.3499263316678205,0.34773071658365917,0.3321790910367455,0.3165970908669336,0.2988479671249382,0.276264071878027,0.2651058888194568,0.26592897698512175,0.2706171295890805,0.2682230354941514,0.2765283572973425,0.2927883524078426,0.30627807006345836,0.3149336296370136,0.3193191535859741,0.35271802972508115,0.37982684547330126,0.4034785443263566,0.42334555557289866,0.43438842592080834,0.4366750107088158,0.4404449823824203,0.44365528171413465,0.452058250876524,0.4668569659891032,0.4924191245848124,0.5244453252012989,0.5530796998919612,0.5839490067777915,0.6260272140439249,0.6884527736666608,0.7766885378979592,0.8815802864063154,0.8829228152101458,0.8844975583188375,1.0
0.5168155725405346,0.5102109335004653,0.5096110086263841,0.5105711823951751,0.5111740882833147,0.5108286632191326,0.5138059272967391,0.5137105134001487,0.5156809765864956,0.5152073379629942,0.5128877841667402,0.5112017049492237,0.5084894714571142,0.5083738895667306,0.5028188794217351,0.503874642044167,0.5032443755402916,0.5153706516285748,0.5625156083616466,0.5781067280628209,0.5861281677179093,0.619712260039541,0.6601076890461499,0.7007894930568485,0.7269889421408765,0.7432185611965237,0.7679828501448711,0.7872609162622944,0.7975995069645474,0.8009861663837188,0.8177970425638483,0.8297694430513622,0.8386005210047245,0.8443961119714163,0.8456821630910853,0.8525403162195011,0.8463745237186101,0.8412849973723151,0.8397051921610721,0.8306140998046743,0.8256046017658834,0.8283721480354944,0.8229688784347495,0.8280638436053502,0.8252071836268664,0.827648737350205,0.8224053005475831,0.8130969621216471,0.8868457339961724,0.8749362258050343,0.8839425028756995,0.8800884212476217,0.7462024253590203,0.7057858982659775,0.6292457112057207,0.5874811123623793,0.5455421020932122,0.5178648842129513,0.49397057526845967,0.4061390438984861,0.3282575120937732,0.2692669308479503,0.22712159903485807,0.22576753850599784,0.22512029547364837,0.22226533553772598,0.2234463210298251,0.2204517567250967,0.22025011986390525,0.22106843877329396,0.2265053584717429,0.22811665310773538,0.23742152209367606,0.25568505470054514,0.2554166182700835,0.25473294664914703,0.25473294664914703,0.25790328897068576,0.26003424457036783,0.26122437300830087,0.30146900416936095,0.3670511234896784,0.4198527803490252,0.47365167964435034,0.5153849088571025,0.5621079045141065,0.6096901473219474,0.6526838108654904,0.6770328822160562,0.6918482531848164,0.6965500211289359,0.704382768329797,0.7045009451159694,0.7108001684423179,0.722909644351288,0.7263445637001732,0.7197098613808718,0.7241815026419218,0.7128792235605477,0.70823850080018,0.7214802998131508,0.7136692150174796,0.6896674128172495,0.6490629047932506,0.58949686842746,0.530384530801842,0.4748387735100668,0.3944919232568144,0.3126496684824116,0.24313219710279932,0.1791388174312617,0.14023370078306563,0.11631102789819886,0.08788799935550451,0.06264547013379773,0.04740476095526058,0.04966893428440289,0.052146680700248416,0.050976106749602845,0.047506763272749164,0.039889262508082335,0.05160975594607864,0.06584858158492957,0.07954029463663481,0.07577551615192901,0.0850077763487872,0.10135125470775974,0.11288084195192283,0.12039425773773127,0.1215190119756544,0.16220802823488845,0.19690370856299422,0.22473453423175704,0.2484695384100904,0.26255301085077776,0.2649894881579188,0.26628055922346716,0.2669480835999133,0.2729672276667016,0.28150981292726085,0.302849047488406,0.33048121720184753,0.3500291328013424,0.3678448720483044,0.39019618922823485,0.42809172446996324,0.4827708806462122,0.558578452463232,0.5649149308690903,0.5672474004634983,0.0
0.5667009325464706,0.5587857487880571,0.5593862333691312,0.5604711832858777,0.561069265521368,0.5616122838414872,0.5640954751846763,0.566022574631435,0.5667253945905936,0.5663041591841738,0.566571536341622,0.5655463856419493,0.5629260560271093,0.5620852006380977,0.5605855985812306,0.5581191616863349,0.5562565030499116,0.5549217069608715,0.5551358072189375,0.507226315538817,0.43335978656181506,0.3825811384426203,0.3462417237004985,0.3208624910029546,0.2957684690909177,0.2739782579902395,0.2812002551788095,0.2945004283359504,0.31090753167242496,0.33734037902474934,0.41135533602165403,0.5033392343288313,0.5839833811959915,0.660854872928166,0.7280222953588094,0.7809765392038462,0.8100291760433508,0.8304426174340455,0.8424031943439412,0.8383668213595354,0.8377708289153176,0.8316998872239885,0.8311370628014163,0.8294407125709491,0.8228109890796113,0.8323693459388917,0.831856996083833,0.8230155987158012,0.8928525546940516,0.8806388131009317,0.8899149501637263,0.8867627408775857,0.7584873248288255,0.7211286024949497,0.6429322653443439,0.6031469223780164,0.5638514709493421,0.5365859611381423,0.510462388362053,0.42643832269873844,0.3485239724141215,0.2882225092298454,0.2485490455836118,0.24961134650741135,0.24251979907605564,0.24129347111780008,0.24165869333104173,0.23974391510522625,0.23627495823587624,0.23760156675951416,0.24567807392194896,0.24602047077478545,0.25397307835918803,0.27560718381801086,0.2726706311561941,0.27033108753432,0.27033108753432,0.27430272234553305,0.2754327683809481,0.2758248443162458,0.3188357640214665,0.378648501178374,0.43202447596484805,0.48122945561789393,0.5244981873671295,0.5649454895211211,0.6102190965170224,0.6534780797948916,0.6745128328432184,0.6908431767388952,0.6941620368114914,0.7034258435687827,0.707314788154406,0.7209323139363526,0.7408354712342589,0.7689904077900953,0.7754566118218624,0.7833866851416758,0.7898282563880865,0.7983650206015749,0.8241613939627386,0.8412803715886397,0.8474719019943092,0.8267998710892781,0.8033410128945666,0.7909620770729953,0.7825615671787768,0.7563718864471647,0.735767152440522,0.6870543433173127,0.6276617202157634,0.5657577532861285,0.5045527218438967,0.4168351852087884,0.32586764419997744,0.23588422963452277,0.16516635423363946,0.10999178638106111,0.07494173411325589,0.06190214408314654,0.049006039801617884,0.04987073818904164,0.06195713955208748,0.06927118603737159,0.06679033945489166,0.07733275336926737,0.09930348044466464,0.11371632460854386,0.12298541006553676,0.1284959991050464,0.16843893640960783,0.19976759626373897,0.22636173840664064,0.24444728585885778,0.256489980332988,0.257471307727388,0.2593079350928151,0.2582437684544337,0.26491694862246135,0.2739727663668269,0.29576630734494547,0.3253240940131442,0.34538249735466753,0.3644916542217397,0.3860059853849295,0.4234818209375726,0.47681399901534816,0.5542288897355636,0.559810843013192,0.5606663397696701,0.0
0.9378758108576863,0.9360950730005273,0.9391741969724094,0.943240406245544,0.9452548426254679,0.9481244867486025,0.9533637595909925,0.9553219299191475,0.9583449917535996,0.9611503606530375,0.959943306877126,0.9600839846417326,0.9571059158786306,0.955695917224461,0.9512288966491684,0.9457715427916915,0.9438445809298652,0.9393623237180282,0.9405721054478173,0.8567921192884691,0.7329351858199364,0.6455764153786385,0.5850814050427907,0.5348826706103084,0.48371024056713996,0.4314660472129678,0.40058920298609013,0.36098287786930383,0.3051669248040907,0.2416174159511102,0.22461607669027026,0.22283053521384172,0.2280698422730921,0.23550237041159164,0.23387558356972038,0.22955425622281486,0.20669497782092633,0.17739948426023447,0.15474998485491978,0.13174194998826383,0.11408584760117657,0.11684861373986696,0.1230595396751194,0.12650246827977085,0.12661519118314424,0.13185674198403002,0.14578762468010592,0.1631391487495917,0.5310037530447729,0.535048278367455,0.6205841952161794,0.6792201854562446,0.5268244242488885,0.5694014256649337,0.610327662329853,0.6854101820583968,0.7610059635350765,0.8301435593021658,0.893772863199335,0.9078544747436781,0.8816621276797686,0.8511499007799646,0.8299230044669021,0.8235579474937917,0.8211683450177703,0.820889959921617,0.8160206932559809,0.8149929689126705,0.8180043253355027,0.8118918265534064,0.8103000460823848,0.8229717068130558,0.8605819508140786,0.9204519384953941,0.920033965481905,0.9129665482953129,0.9129665482953129,0.904291404849457,0.8946110893045823,0.8697390275822949,0.8431611929015337,0.817859797915065,0.7742571195849717,0.7251799675430745,0.6845438898280449,0.6551822163758396,0.6289374449839427,0.6088544505256283,0.573219172324948,0.5348315061476359,0.48809310023695424,0.44637312153270325,0.3994742333876307,0.35065691451032627,0.32320638719855754,0.28840878113386303,0.2443992129284546,0.248629269413774,0.24394199156896362,0.2329192838000677,0.2334518111317576,0.23224320361015802,0.23250429225720692,0.24105138507990495,0.2447561239708756,0.2500212321759079,0.2573752016987496,0.252165286390643,0.2547630954625926,0.26064768365392244,0.26746045376507105,0.2895015916905603,0.31030643801983837,0.3150838803934067,0.31879773016653384,0.31973556352429217,0.3259144077819494,0.3252951744941685,0.3198681951213931,0.30726919183266466,0.28836391581028376,0.27986944380650663,0.28179721600417207,0.28622375048085263,0.282584920299249,0.285124342491796,0.29563280863374763,0.2966098459114787,0.29566052714172775,0.29414396211121635,0.3255694041450792,0.3532193634862558,0.3776544224860899,0.39702486092690026,0.4090868656830733,0.40983477479902986,0.41403972400513356,0.4169498604148072,0.42738876980797363,0.44074201560452275,0.4665919291419039,0.49818378933703517,0.5271111248745902,0.5586721113700863,0.5992645811378783,0.6612182735685883,0.7446898116221864,0.8467534859085614,0.8496820455573418,0.8495157036671601,1.0
0.8696707008492289,0.8620051605436594,0.8534077407522282,0.8504026251923975,0.8454184672460122,0.8440848634936572,0.8446935209371236,0.8452296093715954,0.8443770248337683,0.8432689104202735,0.8431868444076982,0.8417173359735525,0.8376217579864091,0.8353087241308708,0.8321150360593844,0.8302972988457635,0.8285077600046877,0.8274153936570778,0.8307462571883312,0.7615960237648344,0.6563724259316723,0.5821613944635465,0.5323118354450751,0.48895985686507887,0.4419754177629815,0.3941280679768927,0.3654487947734322,0.3254468974460993,0.2670497624530475,0.1997447329660098,0.17846080888290977,0.16929399223515068,0.16278520079846803,0.16094558129348768,0.16520283863275986,0.17621508215350185,0.17384410365670366,0.16166141195318223,0.1501325191181419,0.1286655596145278,0.1027618813299549,0.08820957361785658,0.09170953576105245,0.11078815589930929,0.125072180180734,0.1373971866514484,0.150181113782755,0.1634659678916844,0.5255567112453723,0.5281081380321536,0.6257625584435854,0.6868402239084396,0.43212494696613796,0.595061569912628,0.5461520269503416,0.6004018205631699,0.6321858374237919,0.6835108529538685,0.7573233093512094,0.7842111057074959,0.7872238410855694,0.7758586848479163,0.7571251815872133,0.7612037310188227,0.7557596144406498,0.7576432052834775,0.7601046157082886,0.7606257946510648,0.7627808798212246,0.7638050145635492,0.7646951851813071,0.7781904016843442,0.8201016217063599,0.8860291157385983,0.8885877487204472,0.8921640024804145,0.8921640024804145,0.8913561885342545,0.8986604028314119,0.9003151657788921,0.9039316324592319,0.9091664894002631,0.8981430659758084,0.8695924087650931,0.8357852673896781,0.8029877291921639,0.7779940063317821,0.751365019862744,0.7038318783810572,0.6590026700529059,0.6073707074171655,0.5616768910171477,0.5148126378870734,0.46717205112081417,0.42469948394234774,0.37960192951108873,0.3297906044517209,0.31741883629785494,0.29941610050270917,0.2816674372033263,0.2795413441117197,0.2800860764647025,0.2738473281503467,0.2834647946862462,0.2801598637499832,0.2822958351809095,0.2855979331509831,0.27997836374648144,0.284349173956682,0.29214194631704105,0.30291987002085374,0.3285261797388346,0.3550863319027626,0.36976235255434253,0.37585964741729455,0.37628636272707794,0.37420483333151255,0.36807618956261456,0.3526085716564891,0.3322154907872596,0.3105817694077377,0.29707691158915595,0.3007733982105114,0.3053959695550503,0.29866773458302787,0.30230298296236796,0.3156762081756837,0.3225088114149079,0.3256999199286618,0.3280011939966193,0.3648463074167222,0.4001964456964883,0.4281097503294725,0.44845210683157516,0.45784566354201406,0.4577536071866061,0.4567503376132402,0.4539226611881452,0.4559117614636525,0.46693281533173114,0.4898493713606886,0.5187898142380782,0.5458968780326763,0.5795177865460672,0.6226376338189833,0.6843382250673135,0.7721654348400364,0.874462804249027,0.8757713151959604,0.8774184998334877,1.0
0.8319387811339471,0.8285330699107141,0.8294355751250527,0.829156292542383,0.8287765672128787,0.8309207248320291,0.8323331824666453,0.8317677932035001,0.8331031500142765,0.8296748997385113,0.8275972699020843,0.8252382171896174,0.8223385730503608,0.818461252083109,0.8142126501271435,0.8110986259232674,0.8080370479400306,0.804024967897929,0.8052577795895022,0.7335358791702863,0.6274799448057671,0.5540969034814063,0.501394240340723,0.45721229995329105,0.41056161331689156,0.36125092968996747,0.3322624385700599,0.29147588274585023,0.23144968738251398,0.16032396436271995,0.13955206372449946,0.13194886642598092,0.13317367838903138,0.14401419479087302,0.1578072953051916,0.16754157931128516,0.15592185837077238,0.13300564124660136,0.11375720299883013,0.08563557983775771,0.054606309327188574,0.04737235405606466,0.051139537648080546,0.06421980574276259,0.06512613405198564,0.07977564889989014,0.09854714533094394,0.1187078485119609,0.5005531181931151,0.5150820323926353,0.6402971913734558,0.6960958663340259,0.5032338870529103,0.5525158518470044,0.5459329528815035,0.5991461129528349,0.6369188695353822,0.6856733230550852,0.7275873935141643,0.7224982561937767,0.6828815344393442,0.6432147941341111,0.6189358707939271,0.6111167412927873,0.6129807374468608,0.6149762924875476,0.6191691521237446,0.6204435401925781,0.6240135415111974,0.6222128827632851,0.6241379572314678,0.637943533773099,0.6759496746483122,0.7242667931418548,0.7303036874033966,0.7345468756542493,0.7345468756542493,0.7427503127917081,0.7486234055928099,0.7570560884664559,0.7763165721061507,0.8064747341255356,0.8305629168940769,0.847461872006715,0.8609168880804401,0.8734314582796164,0.8957773763095632,0.9197336941889429,0.9122891684053522,0.9025198982892472,0.8722292321438178,0.8385519477550049,0.7941316614684484,0.7513592630583625,0.7194795650056327,0.6738806727906368,0.6172143136247503,0.5683243458308583,0.5225007492101547,0.48807391088302926,0.4633844253495353,0.4387877859932188,0.40131997410660847,0.38302582651039524,0.35640058190111357,0.3364887402134169,0.3239749488449315,0.308543234985587,0.29853828007916505,0.29631236596277855,0.2967806862855136,0.31054189901056384,0.3230938989268542,0.3257623951478275,0.325245215177708,0.3246676155976012,0.3295262495668895,0.33756535494402407,0.34153184635098655,0.3423653346161024,0.34102770285966794,0.34793265089119724,0.3634126551984501,0.3671846915054888,0.35317581261187203,0.33907113627633156,0.33887147711142757,0.32957395338563805,0.3186462742990508,0.30930117987547584,0.33546236375888433,0.3568838269445822,0.37693176298349923,0.39283072477948333,0.4017767629390324,0.4020531093001425,0.403777395515668,0.4045691634121474,0.4108600320336708,0.42197218090980365,0.4442662115873785,0.4723017499919193,0.4945955239180384,0.516773575054448,0.5458488202673719,0.5915183395445873,0.6574621903563044,0.7440558602813646,0.7428414501407097,0.7415576998136516,1.0
0.8590768313966752,0.8549774196963129,0.8556273769607616,0.8556473268318343,0.8549144291187782,0.8565090307540733,0.8590973584084683,0.8600255639284284,0.8620890143173492,0.8620985488417392,0.8611569445097502,0.8594458517909817,0.8555397292547366,0.8533967621948076,0.8486269183754491,0.8464043636044163,0.8432340772694034,0.8405971124901271,0.8399451179119906,0.7657191141493496,0.6542961286289981,0.5780565046038596,0.5230200148735153,0.4774966971191394,0.428900524747464,0.3794752167578527,0.3500409612756896,0.3093075478155274,0.24955107407914462,0.18018161005602146,0.15945782037970402,0.1504671711904465,0.14521027918836915,0.14631118505040674,0.15103055879859567,0.158452051653094,0.15713579198791117,0.13737973442360668,0.11914406820718837,0.08874302772502862,0.058550809016098604,0.04491095487333813,0.04152170306182068,0.0435129348513455,0.04324720764261514,0.0443382031666289,0.05447849495217888,0.06907342030230501,0.477660299280915,0.5070528724545759,0.6134668086736216,0.6659293002575164,0.5181881044344123,0.5981359521405093,0.6190067487357321,0.6731403513341294,0.7212613359316031,0.7652224783984902,0.8037331924261804,0.7885639037523435,0.7411957175972961,0.7005166120552523,0.6714239565117222,0.6653196627963384,0.6697174107115638,0.6683670830611986,0.6684211356972812,0.6743805266400542,0.6746973042243269,0.6780844940474847,0.6822345459920063,0.6897960187790302,0.723640564454161,0.7775470159392336,0.7820752798445707,0.7799391859693059,0.7799391859693059,0.7784542270424777,0.7836386750127161,0.7812863543353177,0.7995762716742487,0.8242472811550314,0.837816996514958,0.8547094729454985,0.8563982076342992,0.8656090924610758,0.8778714376165527,0.8809244487569396,0.8564742054340786,0.8225912303383823,0.7711771124172494,0.7224660132171352,0.6662126554424279,0.6204860923409712,0.5804583053516899,0.5404021586987571,0.48481662184330243,0.445178600055933,0.4003980023155438,0.360283283682701,0.33128924761197026,0.2950491095119076,0.2618138598922667,0.2546233760601424,0.24023895140342658,0.23554690890482383,0.23973189620423963,0.2332292381353286,0.23547489723048914,0.24336817079105671,0.2523224323501293,0.27499305844164074,0.2976845413888375,0.30360410259157145,0.30910480689040104,0.32043841170395887,0.34275406914851647,0.36712889859566766,0.39322756689148325,0.41596473435962855,0.4289265058354457,0.43815517882169974,0.4477550350482804,0.43624079865444365,0.39960353757998285,0.36256155450681926,0.33798424855184156,0.3176789133034346,0.30403539198898966,0.29869367184511425,0.3296257562844048,0.3590500293390174,0.3843533869050149,0.40552621664506744,0.4166718225276005,0.4208449030386181,0.42687355938481514,0.4322872360064639,0.44421690561263927,0.46053177148840857,0.4836613481261313,0.5127963572702154,0.5384024107920014,0.5666037292538186,0.6047828030098685,0.6648559761773151,0.7473812570609202,0.8482822156679869,0.8491375575205219,0.8496162950315219,1.0
0.8375182288537601,0.8348489356848205,0.8379154468624166,0.8417201265617544,0.8454789608756071,0.8500965382027036,0.8544818843226862,0.8567406134388588,0.8591112514588115,0.8708899320683762,0.871820618752075,0.8676688317137011,0.8635751550251307,0.8618204982186886,0.8566602942278823,0.8531047434047685,0.8493683729782523,0.8429079415680216,0.8383577752898999,0.7626481161069831,0.6525045684007067,0.5767556098770348,0.5215628104059847,0.4738254774824598,0.4261517080594021,0.37626444967448114,0.34573366142797635,0.30760837883852016,0.2476732996468225,0.1787740967688876,0.15808635356027212,0.153820929708051,0.15060568852885992,0.1571903375196118,0.16670641067218112,0.17264945607258203,0.16671790838336487,0.1513323356032572,0.15115041281333386,0.12469449394340176,0.09485099157789573,0.08463494395498428,0.08182517050565491,0.08629296042876089,0.0934895644851732,0.1031080886463106,0.11048982151946088,0.10492647491950693,0.4747725021676953,0.46114738441481096,0.5289685984002142,0.5293873932096126,0.2582869246662196,0.31534350800082006,0.3080065922329208,0.3707825622334302,0.4105265347691828,0.46031111849043393,0.5190973204312641,0.5363835344349814,0.5728873785190037,0.6111013194805822,0.6521556381151259,0.6716229133167655,0.681833038781807,0.6862926001611295,0.688220550900026,0.6933076274221881,0.6969047871023026,0.6990013827368736,0.7014769702033203,0.710931156229031,0.742358499527304,0.7949086218607707,0.7932585178316798,0.7889846449557254,0.7889846449557254,0.7862910622433548,0.7940543647571329,0.790637797123994,0.8081315775840732,0.8310620033331908,0.8439989081541385,0.8566033812303369,0.8663123495964747,0.878272209884044,0.9021432039039762,0.9287270190008063,0.9266940437115199,0.9160680622074926,0.8980552956625817,0.8763705958164438,0.8396792835306612,0.812442521366521,0.7784918089049297,0.7435676789993604,0.6941442315331184,0.6480809151163913,0.5965087324135496,0.5585658867908423,0.5237454450736583,0.47247673361868514,0.42597185329297776,0.3855805930042754,0.34153836742234694,0.3084901966817059,0.2872452437207421,0.26477857116773496,0.24947799464073245,0.2550925351257738,0.2586711610950493,0.2762245271859334,0.30252698727273697,0.3097965338260839,0.3118522642992999,0.31254241197291316,0.3187796324147546,0.32364632093938356,0.32302134273143657,0.32632323443602107,0.3303208754582972,0.3500001340963368,0.3742600909772652,0.3993721018737743,0.397716334869457,0.38544662858876183,0.3815191681716849,0.36739571978410723,0.35117773850658474,0.33344779124979246,0.34246249908856935,0.355045683106384,0.36958052071460745,0.3813512472158118,0.38900614507026254,0.3894764910110864,0.39168324966711604,0.38964572974906525,0.3992595307951099,0.41332598023635975,0.43902678419966945,0.4701037496145249,0.49742191428498694,0.5270223621811212,0.563896035975338,0.6199933310746957,0.6969609027017171,0.7935649453220218,0.7962637620904843,0.8021503381331901,1.0
0.6639054573770958,0.6602544552219665,0.6627703599221663,0.6630725631813628,0.6649679024902634,0.6682842209597295,0.672705694875883,0.6747737590743674,0.677243278401643,0.6775912058370971,0.6799613623057166,0.6792577973243872,0.6773598111688987,0.6765877140816674,0.6717739533556624,0.6742224199217325,0.6955149761869023,0.7299361280555955,0.7747019771402726,0.7436672487581955,0.6503855680976046,0.5847185276095983,0.5299167470547523,0.4811835711256857,0.43671089355098786,0.39557070228525437,0.37119109626470514,0.3379210482195404,0.28691987597356555,0.22738896284068166,0.21145722341605502,0.19904623615646036,0.19666749296798253,0.20316784883751987,0.2067999512495295,0.21637498258509416,0.22374288116728547,0.2596015112384294,0.31405111642957817,0.387799080520421,0.47627110760416663,0.5485301080908418,0.6133074761172479,0.681559983318681,0.7344209219882817,0.794592358525257,0.8465998565132171,0.884265369531535,0.9523363313851759,0.9607489271761286,0.9774092565269406,0.9828210749316657,0.9191005306949926,0.8703850841541851,0.8037648881761529,0.7640624198889092,0.7288995430122707,0.7029400455759721,0.6843511722915682,0.6308324479387457,0.5684299823121414,0.5166324013291504,0.4857231940128499,0.48269375609205034,0.47705365167505936,0.4801385082957895,0.47733357567228707,0.4797084998660623,0.478125392962868,0.47749251079262844,0.4822677953942117,0.4912253846332632,0.5159958275508738,0.5532495056671333,0.554081110427062,0.557739153668083,0.557739153668083,0.5591686006775811,0.5615978193934088,0.5641385230268892,0.5904909408019833,0.6345272929129236,0.6623039695918537,0.6879519734534241,0.7145190490276884,0.7399194510140408,0.7751417437027633,0.7994440259159281,0.7981644909873647,0.7862308366615944,0.7663479413468524,0.7384741423975165,0.6982946045050132,0.6680244044664143,0.6372142646723706,0.6042789606911578,0.5510269610107708,0.5168675483352966,0.47414985106097185,0.4304764614199058,0.3960707523094701,0.35982161122341094,0.31909691394345485,0.2801323702748625,0.25008196290074525,0.23473450785929645,0.22534012725477937,0.21196747804505878,0.21050068880657707,0.2160707063962451,0.21981707774756654,0.24367485229084285,0.26470821353134943,0.27075495285057155,0.26862667644436555,0.2680170378018404,0.2701015552326699,0.2708909382444525,0.27076579364177256,0.2683870939950689,0.26318334763638773,0.26823459631850505,0.28516172859284944,0.3005098787234416,0.29882770796463154,0.2935973791537707,0.29567236368124467,0.2740553182679017,0.24875775657229665,0.20031535507997483,0.2104044803000757,0.23251723746644876,0.2634641314946333,0.29177089442760384,0.3093980456833551,0.317422886141665,0.32657202154366444,0.3324380974473483,0.34181038869064173,0.35264903082579446,0.37555617077925324,0.40387138319424204,0.4268753759626373,0.44794602974886705,0.47723823900564444,0.5214896310693462,0.5913126519445295,0.6793271039429273,0.6828960815118091,0.6831169813869639,1.0
0.8877482802645819,0.8876416697765316,0.8873636784889245,0.8880472668315806,0.9007678510825088,0.9050845956888365,0.915239389438272,0.9200341981555928,0.9287549857905912,0.9350622229333804,0.9408831104728248,0.946661127204558,0.9473568899583464,0.9498544247025329,0.9493872216997172,0.947546813005991,0.944409686288709,0.9417574440169687,0.9423278249226716,0.8589956546963422,0.733819216560381,0.6465445193644745,0.5851041488310786,0.5327897083494179,0.4809744270753775,0.42869676315065564,0.39730210351696227,0.35710243318085266,0.3004364227703281,0.23441206246981044,0.21471650037572426,0.20653286276717853,0.20142476574840915,0.200326996858713,0.19875911053797043,0.1944352740671273,0.17784750769768215,0.15412535502098096,0.1387541345668239,0.11624616617570255,0.0963953140360575,0.08868242396427645,0.09256564224680025,0.10783748256861353,0.14468780342184068,0.208845691994519,0.29094321056517325,0.3940329730095828,0.7090791176548352,0.7181454836558385,0.7853125342748336,0.8182918587177838,0.7087993383724829,0.7367292817057245,0.7350542304143501,0.7654521590313242,0.7929208378564487,0.8100269619224792,0.8191460647254822,0.8104356752533872,0.7606481106321644,0.7175854542313334,0.6947875278572961,0.6934441298380982,0.6862011978405904,0.6886711042727672,0.6909975180596094,0.6904382035512866,0.6926811804140192,0.6926590348118281,0.6929650411076362,0.7003208670263807,0.7311442859803068,0.7809436444364813,0.7831938256398954,0.7797726552203361,0.7797726552203361,0.7761464253140251,0.7788970698299152,0.7778997881229994,0.7896092543310123,0.8039369884668952,0.8142339845781854,0.8171951723988089,0.8107655832226524,0.7928056771947057,0.7743449909615998,0.7513447617550917,0.7052601949624626,0.6647854014157839,0.6197114192268133,0.5888681980918236,0.5545457077553635,0.5265941963838758,0.5060504920816817,0.46785979115605403,0.408182509499075,0.37245190352619395,0.3333327336830212,0.2940141638387987,0.264098993036913,0.22766584365974096,0.18756257953064426,0.17323464966666907,0.14922589778067613,0.13586815860710644,0.12931077521224904,0.11954431808588994,0.11612676300722652,0.12979997591023018,0.14855529920713245,0.18242902824048512,0.21255971458202927,0.22348123974791745,0.22795691356611092,0.22615063631922439,0.23115695710057832,0.23426988197321824,0.2333408570836109,0.22728601454325853,0.2211676426376094,0.22688608967883084,0.24450703318383182,0.2602735385334437,0.26453581877716237,0.2749558262170561,0.2913687928119726,0.3007933309284031,0.3055653974318181,0.30607295895914627,0.33856589746464794,0.36551299454756797,0.38728220171261657,0.40544443095010174,0.41449876466270524,0.416361895043338,0.41962340388921726,0.4204784229939347,0.4273764325626854,0.439806277955617,0.46304430040566485,0.4912513235012768,0.5168131137678749,0.5449007471825675,0.5830136471391738,0.6426633619229329,0.7252111937463848,0.8315070522352237,0.8410991912777688,0.8443035063336649,0.0
0.8135027660197924,0.8123636338894146,0.8169341372892696,0.8201800196790111,0.8228228741004532,0.8269879665708433,0.8315535702343367,0.8359207785404227,0.8412171717127492,0.8426132174481791,0.8443967983955538,0.8463383021042978,0.8444320081122934,0.8419937448015858,0.8395811331931755,0.8364357670304592,0.8352584423215512,0.8332250069544138,0.8336777443521561,0.7631501024320101,0.6562682693215635,0.5848364831428534,0.5352252734606788,0.4916774644707095,0.44603519689157434,0.39943829405711606,0.3741406433718086,0.3362483782332938,0.279829823774418,0.2138658944710191,0.19420617393449596,0.1864919488578048,0.18280321996575927,0.1847202049970209,0.18683811235005227,0.1836829109802549,0.16027401920561546,0.13243495098387825,0.11259992379225436,0.08374865118723707,0.05604274951845384,0.04992755859053377,0.057668547062644404,0.07369137124175212,0.07744008647913286,0.08926844236314158,0.10790676639897273,0.12554812846520919,0.5081695246120691,0.5145924014197685,0.5934233597904481,0.6378378983957355,0.4751733127229125,0.49588668956845283,0.46359208995765666,0.5671220945414337,0.602660626586319,0.6715576893417636,0.7411016313696784,0.7834228572747237,0.7765886974212716,0.7554954112264587,0.7408151442338065,0.742945735670766,0.7459872449837694,0.7483311398825555,0.7457772568005375,0.7495110359285841,0.7536798038012322,0.7497607026862806,0.7510923605836755,0.7644698108218082,0.804874381839912,0.8636060049742039,0.8691588429377921,0.868699038340754,0.868699038340754,0.8693594718693409,0.8732149202787395,0.8747387202951569,0.8796605414988592,0.8935066368029896,0.8942567335082233,0.8834556531261558,0.8690738907769464,0.8381690487727274,0.8218100417574526,0.808158459390274,0.7706484054027289,0.7262569060663753,0.6712931492916998,0.6177972171982361,0.5568989643658814,0.5089840234070033,0.4704329190435821,0.4323395883638014,0.38419560355392535,0.3672099881011114,0.3446063241614584,0.3259630501553156,0.3136353927995646,0.30357130740625216,0.2907695803005079,0.2962805443262707,0.2911310978183602,0.29343159538471486,0.2985211029959063,0.29230288529906495,0.2926995918272918,0.2946716697489523,0.2989843909155505,0.3211459379248583,0.3505285823681198,0.36329247209091464,0.3715083437669683,0.3726706703659036,0.37818665840165655,0.384206617669575,0.3773980739631069,0.35971543162532194,0.3341375135671134,0.3220899436357808,0.31710365256677453,0.3175254420426574,0.30814387145369654,0.31236654916579126,0.32049320173162665,0.32455332429239075,0.32609913291565257,0.32671107206735983,0.35773039066773915,0.3840714857795999,0.4053596514720195,0.4226416640491681,0.4332332685938811,0.43573753052211706,0.4380182447642721,0.4437542718812357,0.45356054364564324,0.46914330515736574,0.49441378817533643,0.5249983128634715,0.5520090617147219,0.5818593620461222,0.6235657600928506,0.6846365792336087,0.7692549781764682,0.8751511168314778,0.8763431883453761,0.8772368967243467,1.0
0.4042236331352935,0.39372811315997625,0.3936067131868032,0.3952922659499426,0.3936188764100952,0.3953593673876973,0.3959837086176884,0.3973802460206056,0.3990026309356349,0.3980775153740389,0.3968480412199056,0.39595680156742097,0.39321385065239833,0.39315457224804595,0.39012732626147817,0.38881852943611006,0.38745722898696344,0.38715772796816883,0.3869073557082422,0.3547501790699562,0.3110353482327236,0.31741634164670507,0.33056312211967653,0.37454928741240895,0.41387462541521713,0.45252415156238857,0.5089979506191327,0.5578742321709927,0.5965640344164491,0.6193704236513586,0.6562416999801296,0.6967529469734679,0.7198153578971936,0.7335351448784493,0.7427480369929695,0.7491694248424703,0.748254641966382,0.7457095913478116,0.7462288482954123,0.735899464721702,0.7348694209746559,0.7261830845952635,0.7281083912550051,0.7320872443453561,0.7272358012208263,0.7277214352164085,0.7286844374125023,0.7153517143415592,0.8327631961623491,0.8180891826895056,0.8335000087822722,0.8288180001016747,0.6647282084126679,0.6294867661627028,0.5447066159671894,0.506913823780514,0.4654251518102972,0.4368252109328559,0.40763165232708043,0.304522434635134,0.22309616475032826,0.16060391622155396,0.11640802765131136,0.11312490400768183,0.1122387580756753,0.11250771478666044,0.11163567510731837,0.11322894916330078,0.10784388086880403,0.10673888594527858,0.1110718935164966,0.11337983407380425,0.11347663721502532,0.1206013286361492,0.12120404620542374,0.12026475039329731,0.12026475039329731,0.12192159397089891,0.12625240598180354,0.1274607705149427,0.17397854496405296,0.2487511032727516,0.3091020951746025,0.37037585135911444,0.42029527220490226,0.47349652962213473,0.5182074463189364,0.5639578562417153,0.5858826413854843,0.6050445454576749,0.612444124043666,0.622642157268297,0.624555591648396,0.6358177977809067,0.6540542570697409,0.6779907448507223,0.6888464909145835,0.7044756750222734,0.7157812959144013,0.7286900568761799,0.7601994629955735,0.7879680556512016,0.8026356829692219,0.8021607999244282,0.7948966195656297,0.7979929745089052,0.8225566403405575,0.8329116011636233,0.8647180923568429,0.8728487895107124,0.8882589381257187,0.9010949195131431,0.9213136016994561,0.921727130323641,0.9119371546707891,0.8941865829469049,0.8770445953132484,0.8565818413556614,0.8319793011591001,0.81492193841335,0.7895164522619131,0.7692594734474432,0.7529574362239816,0.728683022708334,0.6766728701842462,0.5948502471210217,0.5085427618578454,0.393580479683888,0.27046953755702124,0.14227144198027686,0.07322211858998884,0.019319192001229557,0.0,0.0,0.0,0.0,0.0,0.0,0.01909219351611402,0.038311845016392065,0.07641263364221573,0.12263833645935895,0.15277294978788725,0.17890291216899934,0.192679066153838,0.21573937697259338,0.24790896306932697,0.3051498450729133,0.31477596963655263,0.3184754230886464,0.0
0.8335305252347075,0.8315076458037649,0.8354146470139259,0.8387149509486889,0.8407829358433905,0.8452832060683979,0.8500606988340027,0.855116268639768,0.8575811360378638,0.8584152786936063,0.8583481057035789,0.8588930307337294,0.8564775707681453,0.8566262215534346,0.8524640713344949,0.8511549749734774,0.8493821076375523,0.8506209763748627,0.853981331967959,0.7821269038259184,0.6713536788381584,0.5933645589544494,0.5388164618034703,0.49105500084130993,0.4432045464738029,0.3933861295351041,0.36313242525395345,0.32337922370118544,0.2637845728676814,0.19642041432933932,0.17577319689907717,0.16683654260031966,0.16198881062381887,0.16842217460194908,0.17600927453707982,0.18380919537757473,0.17659488256464834,0.1574044285448879,0.14041583112632927,0.11413441943601632,0.09066412816805708,0.07821972850034864,0.07100910994118015,0.0738490675261067,0.07916648672598714,0.08929813606002263,0.09045476197514646,0.07755849291367584,0.45874087924022544,0.44476642591168036,0.5180138174819817,0.5138801684029197,0.19160893952407884,0.22700577759233265,0.1872099670388354,0.23030573257976358,0.2870403238191933,0.3405324889156789,0.4187828658742402,0.45168852541710564,0.51344952517314,0.5710938335906532,0.6322339129832623,0.655652595269854,0.6686438168123121,0.6782029204791059,0.6850975280779074,0.6956178345003579,0.7000227476932077,0.6994326502668081,0.7033769360436319,0.7164128276980346,0.7524915902624254,0.80630589955806,0.8098176416744727,0.8073584578359376,0.8073584578359376,0.80885533002339,0.8085900067651407,0.807239765575176,0.8175432429684006,0.8375639532989168,0.8474840720776669,0.8591728775167126,0.8656960933561614,0.8843817171768455,0.9111438515978636,0.9375699899320982,0.9426300956774596,0.9400077535603574,0.9281249971971373,0.9103183305700042,0.877924651328957,0.8429255895509128,0.8129923072729728,0.7788633159357238,0.7272584662365384,0.6720238002598431,0.6244467226453166,0.5796169943773528,0.5545899590434084,0.523964293635233,0.47195651147852125,0.438285331619841,0.40344958712672263,0.367432191458394,0.34388420870106884,0.31686610806661725,0.3062054599320636,0.2958671489238009,0.28994634314557494,0.3085800500349295,0.32837211385681575,0.3327150286648237,0.32968297925199846,0.32499663132576184,0.32683127362214204,0.33097023645925727,0.3308606695360545,0.3287644686380116,0.32713813030977223,0.3340585921945487,0.3520518498111447,0.3596214313753163,0.3489657694884797,0.33808423089396544,0.3302159665946797,0.3158982640822387,0.3010821669656551,0.28927517436801836,0.3157515342343208,0.3409783911144867,0.36327889494751625,0.3820956039494045,0.39177252421888176,0.39276869592576996,0.39453712232265187,0.39697105539235084,0.4051353370494111,0.41975949215906067,0.4449044593093471,0.4767715970947619,0.50602945293337,0.5356380678554965,0.57289062776631,0.629691374975482,0.7090697908646516,0.8069112503307642,0.8096141116213761,0.8101988015391803,1.0
0.8621684457687233,0.8567265478804127,0.8575083558011387,0.8582470356745333,0.8587407497787094,0.8598446336756163,0.862632768664837,0.8619607504477742,0.8618903269752056,0.85918032683736,0.8572294074511302,0.8542546710520122,0.8505528620425875,0.8483098622850751,0.8449733406067812,0.8428636716754103,0.8415230811144077,0.8414209699171927,0.8442625238332664,0.7722155554311805,0.6628765586377785,0.5866949688894281,0.5319407985744573,0.4864117258067843,0.43800573371409723,0.3878650446760603,0.35844855945463505,0.3182815337379944,0.25935258032585806,0.19117624347551676,0.17110853258341546,0.16382123479983168,0.16029709156433336,0.1623377216175807,0.16663283937655216,0.17422206357923786,0.17482494881752225,0.15994233190515073,0.14519761463716757,0.1143372920398471,0.08627585089230044,0.06706870228056327,0.06076766047688581,0.06627930441995766,0.07566483394759288,0.08922329875434365,0.0928890040705534,0.08700833793912377,0.4680697309752968,0.4606882050380803,0.5411001733349582,0.559170984938137,0.3002930288903097,0.3611878542399695,0.33839012716152084,0.3783108990573617,0.4145777295262756,0.4636789652606361,0.5235570008629745,0.5495389919316533,0.5908255441550163,0.6259019989962269,0.6610427015524002,0.6738735955375044,0.6908138630972189,0.694062649527207,0.6963906960249037,0.6993988077407671,0.7038063565828587,0.7045346733270784,0.7080323998929832,0.7212331332079898,0.7610250650293748,0.8223277023326329,0.8299412382891831,0.8329636770755033,0.8329636770755033,0.8359792443922998,0.8433931997962208,0.8476427248006915,0.8632249325093104,0.8821500132665314,0.8945513487727008,0.9037962685810775,0.9104451676750928,0.9197711300740193,0.9344335658687222,0.9449188663969064,0.9230893864452694,0.8968845322384902,0.8563919258916324,0.8146022353365266,0.7637702118319751,0.7205949274774812,0.6824935093000404,0.6519002137848549,0.6027917082047551,0.5671905880764581,0.5182320032478002,0.4705004027097994,0.4402541692167871,0.4002224068192774,0.3559704911291455,0.3276000921218152,0.30153995798468414,0.2879178647036604,0.28336535862309004,0.2758268226192382,0.27925778905597853,0.28876829634788914,0.3015672167442207,0.32685626858944244,0.3488914103221018,0.35415116804296853,0.3509421349901545,0.34441686967302254,0.3453193783061558,0.3471315284807929,0.34893029973995027,0.35059129766611896,0.35027480573942626,0.3547778877681415,0.36503426729153854,0.36640940090701823,0.35204755836459556,0.33799119789249693,0.3303320394634335,0.31975354318896765,0.3082583093426313,0.2985068907886237,0.3263517118161029,0.3516559704526618,0.37416661755948877,0.3915541730268854,0.4008389899807258,0.4016124000890404,0.40570442954298913,0.40922670937984046,0.41947801088539405,0.43382875794706127,0.45814496340504435,0.4885960217648257,0.514659219850164,0.542122501581081,0.5781523902929553,0.6350569355040032,0.7135382110178144,0.8128218934219171,0.8165665445807776,0.818601835610711,1.0
0.48838238391138633,0.4773434647183996,0.4848846072502546,0.483307167957279,0.4893650700633748,0.48104560488808035,0.4872993492541098,0.4847707436949784,0.4830620234857034,0.48573910595894887,0.48833426299616534,0.48978825813792815,0.48984143491887855,0.48036025945691707,0.486771112843395,0.47985704355702175,0.47510147500902866,0.47515923744852484,0.4840530810258623,0.43974497058175566,0.3756443225359135,0.32970018345256136,0.2934894364691234,0.2670380890836659,0.23099392133239055,0.2057111185825921,0.21109213624926415,0.21169952202572523,0.208087275260602,0.26779840509737696,0.3517064120396551,0.45499457022242906,0.5534498683958109,0.6397250196300089,0.711686064597703,0.7316068237387507,0.7529388034267888,0.7542951471218706,0.7913661311325316,0.761717452587764,0.8148503457978413,0.8278429634968596,0.7944106444027964,0.8103821406084037,0.8032820950996293,0.7742659891870718,0.7355541982352097,0.7213947112849136,0.8534103150428896,0.8594612798816201,0.8669367821615099,0.8563078485757053,0.7144674374900668,0.6354307331588475,0.550570667789133,0.5643687228000004,0.5184929750948849,0.48182626235407533,0.44540126255268775,0.3460471284471173,0.24568171092166194,0.17333629454014116,0.15558629964042603,0.15688533152583983,0.15139129781272803,0.16318277723146407,0.13078129326441446,0.16129521970553,0.17754438427825286,0.1711308909013406,0.17714844147020392,0.17885363535758597,0.1635251393897812,0.1759688573251208,0.17611427434262245,0.16783775215391328,0.16783775215391328,0.2029300165571663,0.16328200064920362,0.19005191641386848,0.22098541203377697,0.27728436937981926,0.3284986300577223,0.4091096626525439,0.4443705676228751,0.5052087751162114,0.5438534464665321,0.5897004805728407,0.6140931565083959,0.6445424432842153,0.6473855892234266,0.6514146777553244,0.6657432605846355,0.6715562761397496,0.6930315319375838,0.722671275921916,0.716231843922547,0.7328000810063966,0.7466612881561021,0.7655133893803885,0.7996179054175974,0.8026270816538996,0.8242326296128808,0.8203814531069802,0.8401730042419074,0.812083324691379,0.8495816856904375,0.8743135467473744,0.872988317592962,0.8865737085810985,0.9073475319564948,0.9062595407089489,0.9352136072218501,0.8936517583553278,0.8287933052532315,0.7925583085537236,0.7991099603756965,0.7576083111682661,0.751848311263486,0.7270921024320519,0.6781059084570363,0.6583915970153825,0.6415617633060288,0.592032794646388,0.58209258394474,0.44884692981420216,0.34310819781561597,0.2251026138119318,0.15090034206389025,0.08105367119360163,0.05023469230130717,0.03525620611299651,0.035806454436578705,0.049814864983042995,0.06300264732721994,0.06550417486421933,0.07450530881532147,0.08583720827270092,0.10866832174054175,0.13182691760962884,0.16599001432798788,0.20101975118176008,0.22235136412157397,0.23330920988595072,0.24340347408849883,0.26569504823380485,0.28795777984450854,0.3608005678687949,0.3595840137112416,0.36715505989952835,0.0
0.5468856097842801,0.5433953243455237,0.5460270395486312,0.5449209335856622,0.5440002031702607,0.5450093336403372,0.5470047386041373,0.5482973603025303,0.5503878184281076,0.5484376905302801,0.5481005639795394,0.5481332172863145,0.5466346894860789,0.5445011831539307,0.5422612642893968,0.5395634160130506,0.5366558602522928,0.5341249049977398,0.5361402141271826,0.5112103856225856,0.467546078809461,0.44212025297505175,0.42850979252373583,0.4067430163573096,0.37000689907024403,0.32664934641521737,0.2973736131317467,0.2572442709100628,0.20100447282354605,0.13879256497317272,0.1263630929822378,0.12171603062853253,0.11945659332880076,0.12240525758893472,0.13307377641387014,0.15187386369443023,0.18509206245074702,0.23385926934057594,0.29853656169346776,0.3627684412400874,0.43036739924023304,0.49539127396107874,0.5584200705869802,0.6152869389460993,0.6642250827090358,0.7068160675063512,0.7384363445534046,0.7610527364997817,0.8698910525541519,0.8732972884836615,0.8938328024041449,0.8993976757590171,0.7879085670584972,0.7480929342013922,0.6803488320231034,0.6402987112163534,0.6017553597925298,0.5763102868780101,0.5545938481823899,0.4777540122069522,0.40546956892087416,0.3457772117239596,0.3062817145464536,0.3057914191381226,0.3027345027840755,0.300698226914317,0.29950221092822105,0.2987534302398431,0.2995408729111089,0.2958356392443666,0.3014653760313697,0.3065037118554658,0.321802980424134,0.3467586251059821,0.34689095724543434,0.3488004083512618,0.3488004083512618,0.3514725915916543,0.35647301908599394,0.3569327706116628,0.39155229545092607,0.4498188583471976,0.4960398063667357,0.5414385428313822,0.5802183342807902,0.6199268114842764,0.6638505306490318,0.7036159045789296,0.7240580208404168,0.7395163416612021,0.742910999697608,0.7511726188300951,0.7569444914276184,0.772540456635322,0.7941318762694518,0.8248503503595352,0.8374130439601024,0.8478495732985196,0.8532563974928127,0.8685191206298402,0.9059187098931416,0.9348067115235823,0.9497588896344592,0.9348577134199003,0.9156148930469179,0.9061065015773246,0.905359425720468,0.8822758971528043,0.8688381806252335,0.8283425069615213,0.778448492221634,0.7297832050954025,0.6834043039828935,0.6193642217844916,0.5484363238468737,0.4819721627439038,0.4237351722441323,0.3735181993992237,0.3191849317308717,0.2749271054043259,0.23744364065708368,0.21195888069928842,0.20094574372193313,0.19322607522096735,0.17777730885688603,0.17778606580636686,0.18976227538443652,0.20028477941995193,0.20235014975904558,0.2033627177819221,0.24052452927399187,0.26989107919751193,0.2954268641777813,0.3137828193164769,0.3248678025905804,0.32307261103540563,0.32218645846095334,0.320979346271707,0.32492834738442544,0.33101521833989334,0.34868810500536956,0.37268288996768556,0.38566478456086867,0.3967800041138797,0.40013881140756713,0.3925568374315723,0.3819178692728271,0.38348554489004294,0.34336688431045603,0.33815627528945136,1.0
0.5280616571348052,0.5199121782140309,0.5210053276864692,0.5222482943241036,0.5214653402656247,0.5232049220747265,0.5244824841158864,0.52417742645003,0.5269328413698886,0.5262438473777736,0.5243272117203871,0.52367359579937,0.5216817595878527,0.5204269599272312,0.5177991641131214,0.5166508035476796,0.5153421591553644,0.5139189177441869,0.514492947420517,0.47022796465476013,0.40166702291564127,0.3540351000576064,0.3220565569322169,0.3034316650430881,0.2923652143887764,0.29012166967223973,0.3266458586206582,0.3706049603670275,0.40907298905582795,0.46097961938332055,0.5415711706714159,0.6258382899572167,0.697489276203537,0.7409180919971234,0.7827442578032213,0.8032221949685381,0.8161230897968137,0.8129717353302426,0.8083148053841823,0.8001057706720862,0.7986366697346825,0.8000118616187529,0.7997966102309798,0.80346723536731,0.8008413697058769,0.8066920230927364,0.8077865180053274,0.7956905198315787,0.87973171085556,0.8659295541120724,0.8754122378723901,0.8712346796506096,0.7333168693384438,0.6950955174188036,0.6175117835068337,0.5772872534165715,0.5328108685713338,0.5046558935718651,0.4817235729587013,0.39324894510956987,0.3147158745222337,0.2534560127898007,0.20978408925602277,0.2041064060571819,0.2005368723087791,0.20180834496634104,0.20031929020683958,0.1995381843508714,0.19982568257639383,0.20340387098099133,0.20741576652705074,0.2068878511847146,0.21544700715786258,0.23515154033987273,0.23168284136637335,0.22760047773907388,0.22760047773907388,0.22635215660643077,0.22912435116678453,0.22793141351076057,0.2703110040043517,0.3421134322556614,0.396030771617885,0.44853575819724023,0.49499075113466084,0.5407621062377225,0.5883845351634275,0.6310197716533493,0.6535889238680296,0.6679873199629729,0.6741466111678343,0.6835129032521206,0.687564553050603,0.7001584484201633,0.7195429512237593,0.7471683348367338,0.7532504804637954,0.7674959112489184,0.7754067134121128,0.7888127555905665,0.8227442266623165,0.8514665001073487,0.8586054296194157,0.8455412767295958,0.8341837295260981,0.8360815321452686,0.8433995638031859,0.8368234376539518,0.8348623288037901,0.8121657287420497,0.7722051456753763,0.7334522207723835,0.6970469226580384,0.6277146220906484,0.5527180538747913,0.4707364402160291,0.3971436486539889,0.32758851390278204,0.2575598038298156,0.1934115521398792,0.1322158501304202,0.09857176109001409,0.07356533981366542,0.05032464791255398,0.02364706893351176,0.018349769010022277,0.02868286845885093,0.039774387662623534,0.04876044728709139,0.053238131100357355,0.10261586538402967,0.13926005285002174,0.17258262951907954,0.198170427276267,0.21314632951509738,0.21783971554898107,0.22051050584827125,0.22000655210481712,0.22674252731320887,0.2347632169617373,0.2571328230653229,0.2851126417522284,0.30377185332445256,0.3210590866651569,0.3397012602239807,0.3724071967332966,0.4194289039654554,0.4918984875590533,0.5001493538613394,0.5028419091069598,0.0
0.8975780831243667,0.8955201603315717,0.8975096467501009,0.8993138673024864,0.8987826426030844,0.9008743481521961,0.9041226407027435,0.9044881759276664,0.908026984543064,0.9082641925371029,0.9056136041217995,0.905280598681259,0.9020161337540973,0.8992517199588996,0.8954161941795604,0.8935218523745865,0.8892157711863344,0.8865414551365797,0.8871232570343639,0.8074204666521163,0.6913100429949203,0.609775432261767,0.551112549905867,0.5030049305192265,0.4541469785208272,0.4024852930688429,0.3726253794994542,0.33146349024776134,0.2741755041338272,0.20654010831405045,0.18610436243611433,0.1771691199414453,0.1725057418277109,0.17119453399548495,0.16853452883301917,0.16346789147333002,0.14479406161395414,0.1206776919961629,0.10428946351622992,0.08108342398387614,0.05973504743091934,0.05055156810429973,0.04831063939755226,0.04691541287402645,0.03881175217118643,0.03535726700822073,0.042077285039082535,0.06678127489797464,0.48404252614623455,0.5227508599385905,0.6407306824013375,0.6928499513334789,0.5418683974951886,0.5967920851739602,0.5734421548884031,0.59609150057194,0.6176811851670736,0.6485985589452431,0.6930589144167716,0.6903313857286724,0.6907460706397414,0.6540033139276862,0.6282697003960277,0.6271896334997906,0.6282214410903457,0.6339936459355247,0.6374233837978526,0.646090204733619,0.649012225963268,0.6548213390870586,0.6616684424092361,0.6759162540650228,0.7142698985310738,0.7683721758477241,0.7705098112592719,0.7739983929144676,0.7739983929144676,0.7760563834493475,0.7803876112470004,0.784442082419448,0.7979740705280105,0.8240207471293295,0.837016610952111,0.8503035677583798,0.8609661973848981,0.8763271253523973,0.899530967001267,0.9213981173134735,0.9031767845930483,0.8666238002349547,0.8108581664415007,0.7609725028907741,0.7057302372881177,0.6670667287463725,0.6399754788940268,0.6267621053597966,0.6049601645269415,0.5909378438224555,0.5699564047168352,0.5445819920390687,0.5253775283017339,0.49701953151900474,0.44811991146697666,0.39750937107669115,0.3436475631973239,0.2985953637774558,0.26436891417483155,0.22022101241370257,0.18572869709969525,0.1575783969957265,0.1524891524621092,0.1753724892309091,0.19996397807453642,0.21716796563351104,0.23304848082771012,0.2375070213316271,0.24655733601244822,0.2531802938422108,0.25774935484111233,0.25656163141687566,0.2539712413945021,0.26258120768290144,0.28134368277693433,0.2978357173129601,0.2982042062815623,0.30446104759828196,0.3155777932656815,0.31723174974258567,0.31424987506535673,0.30661946201797696,0.3335813507457141,0.35534566267221623,0.37478996285097665,0.3921548702472622,0.40155916901806227,0.4022996399951733,0.40511126963623734,0.4063616419815487,0.412813207151648,0.4248405022567555,0.4471972530231662,0.47591951124801374,0.5003972143792561,0.52735921009713,0.5637204209391846,0.6197502184340509,0.696479062029607,0.7946588410511789,0.7984780562964202,0.8012996506876165,0.0
0.9189637398618651,0.9170710965957642,0.9180697034415177,0.9193359173169386,0.9181597301558221,0.9208501370152709,0.9219669442986366,0.9230406316011123,0.9245546111980854,0.9239799962072153,0.9236969981795793,0.9235593940325109,0.91939124409072,0.9172598460741404,0.9122458812375998,0.9102641844383232,0.9063569372596871,0.9034875609132138,0.9042758198252865,0.8250283847845745,0.7055587216950576,0.6228008458773273,0.5642002043688367,0.5156163472916557,0.46539069694434576,0.41477712911738035,0.3845117326535802,0.3468355283500154,0.28977473332707454,0.22444564220712673,0.21265691437067624,0.21632800920237266,0.22877202926556311,0.24380486872780546,0.254747698932254,0.2566353207447747,0.23477139762692034,0.2087528224412454,0.1898711253212835,0.17219741239195335,0.16238966312423794,0.1721458206458668,0.18706112355431062,0.20246205386918736,0.21978429670067354,0.2507216444220003,0.28849934446138753,0.3135928420524173,0.6062055195595936,0.7005567555331377,0.7224781781847814,0.7611099305640245,0.6579243937509011,0.7380352844146829,0.7874284139017504,0.8495551103687152,0.9098197423649299,0.9496230584238483,0.9806378916870434,0.998036213094001,0.9733416146521331,0.9377136098541268,0.9205606815258702,0.9179130452859445,0.9172260542351607,0.9208572335835278,0.9137666921492985,0.9132934841768294,0.9087470480293367,0.9034662283514713,0.8991887433320678,0.9071234514828661,0.9439804494497959,0.9955734209995238,0.9734166983474333,0.9238117038097498,0.9238117038097498,0.8499318220242724,0.7681749585357823,0.6532516318962034,0.5581043126886334,0.4905635787238468,0.4234609554152179,0.38021848402503666,0.34117180672827385,0.32772746810816533,0.32143834575108365,0.31109526816646393,0.3081573725434659,0.2862224538526783,0.254994706773311,0.23600626020721027,0.21264226273231082,0.2065196393531419,0.19570052374111177,0.19171300059931037,0.18268579572948193,0.21376780285999178,0.22989251397490928,0.2355597611434796,0.25219476070848057,0.25901973646899645,0.26488015672522736,0.28145070174341036,0.28214936359153875,0.28365245817974005,0.29413082825147974,0.29282566184927644,0.2949176808214782,0.29839971313045044,0.2984422782216861,0.31118335872969227,0.32028516739279606,0.3131879056229476,0.3031578836434648,0.2905896645027106,0.2891233519039802,0.2904233332699745,0.2886904000508636,0.28578375717454374,0.28203528752480383,0.288420809549466,0.30623743497301464,0.322229004695492,0.32499814215581485,0.33279428044532616,0.348948895519078,0.35848637173667713,0.3617275075204576,0.362118426563149,0.3921556116196979,0.41687570463803114,0.4371845659171352,0.4537104191981923,0.46199493103344036,0.46269631642597414,0.46536558064051753,0.4672189106808739,0.4738381252695109,0.4864526192245317,0.5079880423588591,0.5372946170625961,0.5647061240256446,0.5949540909618978,0.6374067775797936,0.7008201351616412,0.7881833717914462,0.893410042247444,0.8944506190706838,0.8955729112115551,1.0
0.9247816801183619,0.9244496227347255,0.9256613975641652,0.927692994182135,0.9293541275781467,0.9300238059709605,0.9331450202040716,0.9352242513477759,0.9371672375080307,0.9382710365938405,0.9382078932949152,0.936422600068216,0.933498111657339,0.9321829690457046,0.9281669103287365,0.9249232461873995,0.9213250701265245,0.9199772832830794,0.9205953031313769,0.8399256545453715,0.7201547100672301,0.6372958943128015,0.5793985649130777,0.5317856019787843,0.48239910952762943,0.43537600228219786,0.40548913023522454,0.36737745243787057,0.311855443444068,0.24882116459374232,0.23110241082418495,0.2239884231798293,0.2196541083363172,0.21926178541061803,0.21862059378327692,0.21360274764714773,0.19584822770515642,0.17359041093347932,0.15909429133223343,0.13708594930176962,0.11661263023581458,0.1086161745010657,0.10470038341984245,0.10313021148944057,0.09535150334964404,0.0941832373911991,0.09253010037898196,0.08655425106935599,0.4721211855174233,0.4774281423374506,0.5743704336180627,0.6117957596477813,0.45431949161517915,0.502393314312459,0.45494881900111384,0.4628380756081464,0.47130659742048553,0.4906871959119433,0.5197353243520934,0.5129755485679368,0.5291393878375088,0.5531824205429456,0.5704759298946492,0.5902351040778973,0.5994821318994816,0.6072316410326326,0.6116869596565977,0.6127386766723646,0.617917118378327,0.6229075418719042,0.6259881653208461,0.6401341255740218,0.6762866029413361,0.7311538182181528,0.7323764222153597,0.7340393077967575,0.7340393077967575,0.7372367652428184,0.7444425854834832,0.7472669075932163,0.7659609772383213,0.7978435760322554,0.8156290649407355,0.8314337103589636,0.8478085378042564,0.8685867697746043,0.8996081790973345,0.9317035441748225,0.935698697262001,0.9354362953305012,0.9252836546258019,0.9129103553557465,0.8843313892110837,0.8527006565078992,0.8245777935524579,0.8006190275057644,0.7613692415010145,0.7282002420070872,0.7002172662417285,0.6713816111307093,0.6500375613409841,0.6229846795134064,0.5443794372431903,0.43888993399681314,0.34578147386400204,0.2703294643918226,0.20810391691210411,0.1523967553654514,0.11969247025864749,0.10960147231132039,0.11175078987873499,0.13502105715400736,0.15901572226111443,0.16871534876131733,0.17490387259626372,0.17582944260677597,0.1828791556526101,0.1880871688356408,0.18925699673693763,0.18709864623309685,0.1820563801682823,0.1892326570031671,0.2079133931564433,0.22402476450842163,0.22805619955723672,0.23740839482014114,0.2542522514736085,0.2640708806352109,0.2674415804885496,0.26815576990133116,0.30282221270009635,0.33092489908566053,0.35333468461016126,0.3716636247377245,0.38155501359497057,0.38239298518420267,0.38422248246827034,0.384142664969804,0.3903155875338612,0.40189322565332813,0.42425214537495304,0.45477103646311545,0.48011078613938485,0.5080909154752158,0.5438884588610384,0.5990353952318968,0.6759686188829817,0.772915043952072,0.7762998007272354,0.7777688382231794,0.0
0.9060403093813458,0.9071462601810181,0.9096678166857202,0.9118207121159918,0.9145092511480186,0.9180967872315405,0.9258013790169346,0.9270109208898676,0.9337139305060771,0.9340977788156651,0.936084506789005,0.9383416488141191,0.9352747726092359,0.9336083806986322,0.929138093691678,0.927164366064978,0.926425959175301,0.9268990982857369,0.9276715527307255,0.8459849526434698,0.7245678776553595,0.6398259032815652,0.5802235309029828,0.5294963078291485,0.4787320817219486,0.4273106947458508,0.39795104618682164,0.3574712430023751,0.30166967829385083,0.23751709967229662,0.217856819241996,0.21063105480861277,0.2065636351072718,0.20583716585888634,0.20420879714873402,0.19970440133340067,0.1814060100821357,0.15812302206627887,0.14267576837666096,0.12058882747132571,0.09929507389220554,0.09162403744011766,0.0866520284531409,0.08544617520210851,0.07688957532024931,0.08271785201425352,0.09891251290873992,0.13969237654489805,0.5369880239500662,0.5802681841120055,0.0,0.6989924274270861,0.0,0.5678324211274366,0.5913059004745659,0.6257018014456933,0.6511019748963673,0.6891331660815433,0.7305552160232692,0.7428031649098845,0.7272461640035143,0.7051738473959912,0.6971184997715079,0.6918704370739668,0.6962749354017916,0.6961962794387718,0.7030393143025672,0.7047123934831061,0.7128788299890618,0.7212536984309076,0.7207886582990146,0.7338510060968675,0.7691177652583312,0.827161766344609,0.8338615399191536,0.8315437791234406,0.8315437791234406,0.8324406310402088,0.8427126812630429,0.8476976133360603,0.855570883931364,0.8691845041481576,0.8736939020746901,0.8707070396828719,0.8635303362494202,0.8490820860644303,0.8397367101667161,0.8194249894335552,0.7745445070734003,0.7279491576874157,0.6789017319733489,0.6358847703902164,0.5957361444276731,0.5587131632402265,0.5360956291544364,0.5218090476252962,0.48292766507670115,0.44037941982080625,0.40118129553579857,0.35755775238155846,0.343287076419162,0.30757478206182476,0.2618412867036525,0.2299212951689137,0.20200577251777457,0.18095846858606202,0.16721749491982907,0.15289056030881615,0.1477979038005821,0.15472450058368448,0.16969633939257045,0.2036386327164223,0.23463090055297608,0.25197550143207137,0.26225497872646103,0.2603650881988259,0.26708428705318804,0.2713098325414866,0.27226560522418136,0.2694054972290949,0.26698019051089406,0.2769170941634358,0.3009585620942526,0.3249850044866671,0.3344155925574915,0.35661595021785353,0.38150190667832845,0.397052695822629,0.40646774398793795,0.4102981483170924,0.44204119045805645,0.46727125577457135,0.48525365304910306,0.49955285141281847,0.4989135758437271,0.49362229506884525,0.488923745032358,0.48294025943415453,0.4829588135588298,0.49299762479439546,0.5135605667563579,0.5405994390625943,0.5671332205040294,0.5977158281948254,0.6390563310684161,0.7030198819564559,0.7904847671461913,0.8959906250481602,0.8965425588220648,0.8980695692098939,0.0
0.879695479101017,0.7725805150864519,0.6906538723483974,0.6132069292253179,0.5569072722570616,0.5130890544908695,0.4972284043823991,0.49070003559292763,0.49197055574584914,0.4952333331129769,0.5063907258713511,0.5166099873849102,0.5243780242678853,0.5298145648747108,0.5328380516537439,0.5338465964875091,0.5327377860554064,0.5306776579521238,0.5306067790165516,0.48476796072810835,0.41416666293040616,0.36613893111517437,0.32959166865664713,0.2977664025689002,0.261463761166732,0.2169964238774948,0.19061632770808584,0.14725422053879628,0.08183905769098215,0.017272297116760815,0.03304087027813618,0.08205024358728918,0.16000578410921096,0.2581788547534728,0.36223405200778147,0.4646969517062791,0.551382663154303,0.633925337521458,0.696557394322547,0.7346710374484657,0.7682535590357047,0.7897694897753582,0.8059055589216719,0.8235125046153622,0.8245533586146052,0.8319870611295292,0.830103042103083,0.8221876953328238,0.8924865209695276,0.8802795842774305,0.8906939239980045,0.8859381499591586,0.7571926296155089,0.7176698061263904,0.638746661372916,0.5992464775648453,0.560601897785572,0.5303644445705565,0.5076514093435143,0.42078317759465705,0.3437880009767781,0.28405088025610525,0.24347426938266803,0.24153352882600587,0.2387046391848277,0.23922521857863366,0.2424213656511326,0.24039631189204885,0.23993836722565026,0.23492571644215043,0.24221902047863397,0.24753791886670456,0.25800503613694337,0.280846090931696,0.27795391271013864,0.27923206833503145,0.27923206833503145,0.2780492781244726,0.2813077568781265,0.2819139656463054,0.3199759777275928,0.38370313866244765,0.43483665640004454,0.4866287430215462,0.5275377537776479,0.5704071210248745,0.6158547991170994,0.6564862435053345,0.6798760096386343,0.6942529028848028,0.70020263521376,0.7094323419355744,0.7136528598226031,0.7273897697839242,0.7490948417856537,0.7757908153618105,0.788814339624709,0.8024772785364462,0.8140355515973932,0.8269468181091135,0.8631798203782305,0.890081863533434,0.9000807914762536,0.8918004605592262,0.8802275238247885,0.8688906748381711,0.8791572027371211,0.8660334357580499,0.8698913108684558,0.8500723775293311,0.8185955059437566,0.7897007656029319,0.7649547989093083,0.7149323454656464,0.6520704905706922,0.580874076050111,0.5160811160568997,0.44643590477686557,0.3793074279924746,0.3091915185882447,0.24617445264367438,0.1968862830598639,0.1695046681465353,0.14065259914140582,0.10578855317211222,0.09369808453680639,0.1012930657866924,0.11111405803332974,0.1157239112326568,0.11942172149762931,0.16043696696534515,0.19444026395154024,0.22473289808330388,0.2471538578151951,0.2611380609984886,0.26319687013386295,0.26416850428618194,0.2637987790964094,0.2717749115162376,0.28103305338709206,0.3026190007503321,0.3326459935476037,0.35293499414561935,0.3723556946830978,0.3950968019372012,0.43321802392967346,0.48800765752396336,0.5642164511247642,0.5723689099516641,0.5738659958865698,0.0
0.8585192002268931,0.8557912384264501,0.8563708548016976,0.8565761011232863,0.8581393626526844,0.8589959987390445,0.8642459864102638,0.8683190102812349,0.8693880278617603,0.8703601209963602,0.8699109313789489,0.8692557351163919,0.8659000572531947,0.8659081047265789,0.861015497943193,0.8568751945762592,0.8546860206303142,0.8520365799062147,0.8528251520031638,0.7796091938523185,0.6674338942167293,0.5901884190434133,0.536290614835232,0.4904443004812212,0.441927619952273,0.3919282126519342,0.3621367904655336,0.32196456806319673,0.2623327058237575,0.19374682288460865,0.17393168498422884,0.16831288507958936,0.16681238079637084,0.17173404967691214,0.17871973410329955,0.17606069600842678,0.1648773448480368,0.14260685715104776,0.11432970974650786,0.07678216358515022,0.04932879515884703,0.04209852201624631,0.057532022367489555,0.07519901828798858,0.07358430471966015,0.07282597411622843,0.09083774005185646,0.11060385826503988,0.5157358655764579,0.5399099463879474,0.641098569419249,0.6858186419671694,0.5310098885254166,0.5839457456155366,0.5829968157850408,0.6228741227011699,0.6662423670708042,0.7120410027983827,0.7537854940153914,0.7582478605981051,0.7285317428084507,0.6936887952387981,0.6701808681486103,0.666531747454759,0.664303540640198,0.6668856523400427,0.6657398178865034,0.6694168789812511,0.6697987447725708,0.6695614127064523,0.6720124423123214,0.6842514861830444,0.7186912243723225,0.7729113711819379,0.7728448192134898,0.7719478634336199,0.7719478634336199,0.769826651849139,0.7721274441343299,0.7746863505068222,0.7890758524357087,0.8151612201553111,0.8314961362767659,0.8442552396878761,0.8602031689180341,0.8690407404277203,0.8892053246202839,0.8995958129749779,0.8817118568584539,0.8538184651781372,0.811508583716384,0.76550873215714,0.7089581204629447,0.662097581797118,0.6137219014574022,0.5852148677970359,0.5155986926304312,0.48912618741828584,0.44600826191145376,0.4013464383868059,0.378150702973999,0.3513115660154177,0.31656096788881327,0.29564429065329967,0.27279370039433715,0.25551282143278076,0.24815065625131721,0.23815041965565653,0.23080357539170243,0.2300798382154437,0.2353070415631836,0.25478536315873734,0.27534250538272104,0.28059767802046554,0.286024336512358,0.2952121547054943,0.30766092796048333,0.3230902596631139,0.33149017643248374,0.3288847009628511,0.32126810553983687,0.3189785698526874,0.32674835977198363,0.32817953053537996,0.3165070449757318,0.30191061036621064,0.29895033956803635,0.29390801498467656,0.2886361663610569,0.2820416616944508,0.3133554795267881,0.34061960087930415,0.3643339652774939,0.3839469541189735,0.39413881554411123,0.3994545446328318,0.4066600118342968,0.4129161975777671,0.4295390210947443,0.4478696277392177,0.47432995145943074,0.5044215808021555,0.5373149679314374,0.5677288220772057,0.6062068842404824,0.6685575150229134,0.7512965770079396,0.8538257819994515,0.8559817357155781,0.8546279936404712,1.0
0.4250669516497615,0.41288872238266394,0.4140618704234804,0.4174147977872422,0.41722953215394165,0.41676920659610195,0.4208258506191448,0.41995050388325506,0.42028637564437055,0.421597957025568,0.4242168853661683,0.4213824402254537,0.41792996627156986,0.4164369263815506,0.4137175227343949,0.4139078166368828,0.4118603335335559,0.41179824065749016,0.4113127291291008,0.37713881159351514,0.321479558558338,0.28385078507807093,0.2536724178918903,0.22847314406255503,0.19901925130588344,0.1569262462939756,0.1313651619301442,0.0915785190517372,0.0409283705434722,0.0,0.03366778604437315,0.10255909261393864,0.19108693897885587,0.2831122074133209,0.3830684330077899,0.4671062692372447,0.5394318084881671,0.59855409207285,0.6387173775171865,0.6641215558790887,0.6924706249956907,0.7131510798066589,0.7305037662053282,0.7354083417521485,0.7431030347342606,0.7504986258049999,0.7486341449302691,0.7416290978427889,0.8435834527062802,0.8353616177046614,0.8499039840434793,0.8414418054579756,0.689994771952205,0.6523491909325088,0.5745624890238964,0.5358915242048456,0.49548248204245093,0.4675615346811004,0.44331201127910846,0.345270802189098,0.2612679661892069,0.19288519185359082,0.14812845987461964,0.15641861909742122,0.15112243690674793,0.15018178503570817,0.1513913758988389,0.1532661760076361,0.1500216742336662,0.15301817150354657,0.14903274559642193,0.15241485165906515,0.15877338025874765,0.16262023351170307,0.17033245182177953,0.16966181417226123,0.16966181417226123,0.16576479787756643,0.16514820079052916,0.16763865450548437,0.2201649708451734,0.2903748603547407,0.3472325245364255,0.40240910942548985,0.45228578412614895,0.5011923440270291,0.5462423633554416,0.5971909040718868,0.6211708633518515,0.6384357200805826,0.6402858423353261,0.6457493883683605,0.6528439630360501,0.6667132122575951,0.6833643323451137,0.7072445664166078,0.7201698663965725,0.730391778213576,0.7390478926359743,0.7556686125853136,0.7892556397862489,0.8184793495477175,0.834039976555117,0.8322277053866587,0.8261639674008132,0.8367591432777703,0.8625910878241725,0.8622889907739466,0.8962852329070112,0.901467863478751,0.906468814050035,0.9175460713377666,0.9366563124915744,0.9355064723005477,0.9312603873152772,0.9242518858504836,0.9237025734689669,0.920224443032029,0.9123108794184627,0.903575720246153,0.9112956896837818,0.8997570315531505,0.9080754793538952,0.9123977314329397,0.8842112296971271,0.8413252285382249,0.7724116093362965,0.6898265575156465,0.5954250038193704,0.48453032209593905,0.40244229186651187,0.33122792642130555,0.2633330760035404,0.21685509092965638,0.18118362396585252,0.14978919757720166,0.1402704421371801,0.13127721130740488,0.1331203155606211,0.14232187135476415,0.16500816592448875,0.19765830909826332,0.22072299592770273,0.23346117001236166,0.2505243002959321,0.27584251350724875,0.3118850058057149,0.3721904253475756,0.383764339577796,0.3863164109274797,0.0
0.8636815570217555,0.864716106678924,0.867273462593473,0.8683177692895652,0.8688463013035471,0.8727971768826135,0.875702591530801,0.877753640959285,0.8810559340689168,0.882169643243288,0.8819135667363853,0.8814383291198977,0.8775384939909463,0.8756087375440993,0.8722897604151562,0.8703348497677825,0.8670485757936474,0.8640717130459835,0.8638479983294969,0.788160780866988,0.6740752995283186,0.5953748121998769,0.5390068591090524,0.4923858247071795,0.44298979352357365,0.3927183421462848,0.36299662603293215,0.3234197958320891,0.2649638316468421,0.19709781905681262,0.17628512299123572,0.16807032035068015,0.16502488809898996,0.16952028968406002,0.18303084064643438,0.1984918629580356,0.19993457477922477,0.1829470115443035,0.16958061929976795,0.14295491636608373,0.11517725513318067,0.1081330995978888,0.11354572120495215,0.1319783309029174,0.13809752432819453,0.14369438982970778,0.1442861357310962,0.14890239081393422,0.5138814946961804,0.528515221211361,0.6236326510370434,0.6594037397782464,0.5008370503406858,0.5664575320002431,0.5746305607778469,0.6297326321724196,0.6811349978612689,0.7427694390272177,0.8080772849589376,0.843819992442365,0.8392439952109573,0.8078621140533755,0.7880980692811361,0.780357130401709,0.7790911508007219,0.7789387719000934,0.7762034987277376,0.7776338117222961,0.7814960869384371,0.7806928804229455,0.7815473893983411,0.7983921698730665,0.8388271588855669,0.898094678318304,0.9013360628345557,0.9010934163328541,0.9010934163328541,0.9011813684224141,0.9018184028645692,0.8988307573267833,0.8908857733272191,0.8772237803493623,0.8430092246403905,0.8000427370794242,0.7588619819773117,0.7233335956229437,0.7025276450276556,0.68471782899763,0.6497324826265224,0.6111803974741259,0.5692943893547177,0.5290869611172008,0.4836467874975299,0.4413477052198502,0.3979110606116949,0.3647590408426835,0.32075493395288285,0.3135660077528965,0.2971218971976436,0.28336194305942086,0.28498466981740034,0.2830638264150791,0.2782096904585768,0.2940904952270382,0.2942376495893291,0.2989492210887802,0.3039882275825706,0.2947123830210211,0.2951968351214148,0.2995944888753638,0.30682960649598745,0.3299561662049719,0.35697816858379416,0.3704184643187868,0.38003235759859283,0.3888008998313046,0.401087480033756,0.40724794135942266,0.40325965671189234,0.39362854013311394,0.37250346179948535,0.3576537036914181,0.347016909720951,0.3319278653640705,0.3050672814831193,0.2887736687058882,0.2862145596914792,0.28604940917196714,0.28602954392805596,0.28557913958087006,0.315740686977102,0.34022356012418753,0.3627908318639584,0.3810059565644192,0.3918179184966043,0.3941448737877524,0.39883059533302223,0.4020339922004486,0.41500617248636024,0.4339746742736988,0.4647255953853941,0.49924998864322345,0.5284751705745612,0.5608778194339441,0.6009522626380301,0.6620369108967388,0.7455392540273171,0.847165967024824,0.8491076010358515,0.8488914216043574,1.0
0.5493184659563809,0.5426029798579274,0.5460794498697445,0.54695670152467,0.5499411981414023,0.5500474637104704,0.552379805387126,0.5515944772753947,0.5531591725213495,0.5517182660331765,0.5529895482347825,0.5514557826349378,0.5485178100478881,0.546663376669147,0.5445264566171619,0.5449227975335291,0.5650221727203831,0.5918437454982589,0.6374144110998242,0.6294832146598955,0.5834059421693861,0.5433697443217897,0.5040091934421577,0.4662470080979201,0.419523513150889,0.3700824036433658,0.3361878243116885,0.2988012775808126,0.2421246716417101,0.17412183228105538,0.15679966446069793,0.15121047917944958,0.14395478440542303,0.14111701427685575,0.14571354534956693,0.16374771945891398,0.1951406858045804,0.23608211040781374,0.3019555618894252,0.37122723125112633,0.4419936404678968,0.511538723851829,0.5825955274657246,0.6481188671454048,0.7069348866013122,0.7544452454978081,0.8004425377608024,0.8281014350892348,0.9181876915588356,0.9178230053911395,0.928357298991981,0.9249552783297739,0.8227568004947701,0.7818718548317412,0.7073504950148081,0.6695117130725972,0.6337228957467106,0.6056779027770467,0.5851136460609521,0.5150436243965208,0.4446348334196648,0.3884317205570813,0.3492708929461691,0.35022907545259474,0.3511309730435514,0.3492749837660454,0.345563133154972,0.34846187845326543,0.34511862107005703,0.34570802836759007,0.3547743383331319,0.35937270728064624,0.37316775405075997,0.40267791862618185,0.4006454551545037,0.4000106075620752,0.4000106075620752,0.4029428523123438,0.4161456125455676,0.416596205557968,0.44976470836539184,0.5032774304167837,0.5404514474784093,0.5844986173078723,0.6189263033784399,0.6559254725290491,0.6975460747209207,0.7374877911255937,0.7568780518688969,0.766524091425987,0.7754452515546563,0.7833204882433256,0.7874292590823259,0.8037718685960842,0.8251654806506776,0.8570568055862291,0.869971666520147,0.8776107829787647,0.8762317522882656,0.885069828912282,0.9025091221276316,0.9030890609619256,0.8828429500454107,0.8261964183656403,0.7653423807781765,0.710041069515815,0.6637084225460395,0.6012097461412522,0.5443141125451572,0.4800310580549383,0.4245841941985,0.38685571899639704,0.35629844899235663,0.31205011639799146,0.2744449844337631,0.2326776349009006,0.21194153692232764,0.1922485278544544,0.17625672266517367,0.1611606078117533,0.14890203547350522,0.15205381243648958,0.16732632382151252,0.1798726007513704,0.17983641184995713,0.1884671082268663,0.20636164103370486,0.21738812860645135,0.22405365393651572,0.22407027319199885,0.2560286822363286,0.28242006581658907,0.3030750673909095,0.3189349973710977,0.32844538507837434,0.3287006270166136,0.33029608626651163,0.3283367984331636,0.33546456803107455,0.34465691535681653,0.36524306176697774,0.3942725318448386,0.41813871102683414,0.44134170251205795,0.4685180396501857,0.5161745332643856,0.585833536729906,0.6687918525025506,0.6656039471589895,0.6599294535191375,1.0
0.5884092511022682,0.5820698058797302,0.5881286051552603,0.5853551298522307,0.5866769208758311,0.5916470589397894,0.5890773178627652,0.5941133146494318,0.5934546530768556,0.5912729794202806,0.5961632174465055,0.5879762035572829,0.5843596867879942,0.5874655980637034,0.5879164141363723,0.5874930933488471,0.5794944571506255,0.5808670260194426,0.5803481948758242,0.5366428273250128,0.4538663601284807,0.40534002844001976,0.36583798529163836,0.3293626339053095,0.3157766579433554,0.28985485629285485,0.2942528253022944,0.30070686617118914,0.32402947198240156,0.35715884572188156,0.4505859795205115,0.5476493133303603,0.631925902999957,0.7104054100644526,0.7634436302119142,0.8208004081543441,0.826433540974417,0.8314621628470532,0.8376501644393622,0.8625797788168714,0.8744452219591454,0.888941034443048,0.8870741524939748,0.8894077835835608,0.8438608289703263,0.8370470221515266,0.8400983361066279,0.8397871151719016,0.9034223483782793,0.894531810675357,0.8902008534541985,0.8790888232624178,0.7390093268322644,0.6939132077209667,0.617762068537081,0.592439838639052,0.5551095658708495,0.5218975645373952,0.49711386949648884,0.3806068636833141,0.33319604577829787,0.2588064144765154,0.23362066245528623,0.24726181698773053,0.24210583754608134,0.22475166097033505,0.2234261753544352,0.2101930293359971,0.22655923616823254,0.21437762420313633,0.24080629731905656,0.22556143889398433,0.23229331109877238,0.2576635296813834,0.2494055049610297,0.24088864253113984,0.24088864253113984,0.23994624309100315,0.23780022163904768,0.25278431364647075,0.2804112566987028,0.3534183622800242,0.3897852402549996,0.4591449600330127,0.5094996287424871,0.558474247531755,0.6161323334358764,0.6640360010656048,0.6735701141372588,0.6895198459456532,0.6870068342597346,0.6971856470121154,0.6916794297374174,0.7060435122342581,0.7719300230088023,0.7707905904449002,0.7648894964400728,0.7499640035224988,0.819072284999731,0.803241907959912,0.8418765498656262,0.8438996552687972,0.837730265659559,0.8434933858480853,0.835634273437242,0.8132006925228042,0.810509309376919,0.8020087083757198,0.7357654038590923,0.6608884271382403,0.5972315535493045,0.519186562385761,0.44548704799648675,0.37103248005998357,0.2858168960175484,0.22536233686753177,0.16957343349532922,0.12646752469603817,0.08024851476096106,0.04175137002144125,0.012425560452919315,0.010853842191760887,0.01637878125754899,0.02193411551725699,0.017763314626447868,0.03190089027576004,0.07234932309785747,0.09254476272479828,0.11207573537476134,0.11135450836013694,0.15588204704101616,0.19033085432063834,0.21433822880767117,0.23843192126678237,0.24759217801849281,0.25382697954913325,0.26060471044529737,0.25821633038335884,0.25913539039533995,0.2697666298428153,0.2871735419366168,0.31383556785193567,0.3353127264452155,0.3483494389021533,0.37833592194023136,0.4152933792193436,0.4621819881022541,0.5428564954708498,0.5550990608234919,0.5469862562185598,0.0
0.8721634898860677,0.87187229968037,0.8779561046615985,0.8843361896512488,0.8849044023193906,0.8880443429443312,0.8927342209294844,0.8947270381881258,0.8973139875331652,0.8972267671831581,0.8969748604372016,0.8953880364217779,0.890704078206155,0.8878649371430265,0.8827996754170973,0.8796423462658983,0.8765984828376289,0.8736858408755607,0.8725106596491932,0.7989596388215815,0.6827418311250724,0.6045451821349538,0.5461691377618686,0.5005653454221056,0.4512434301192635,0.4018384122423613,0.3723625416537419,0.33335905274263133,0.2768218393984513,0.21135215891270648,0.19166792097063,0.18325385700429653,0.17939658742388725,0.17811823359540668,0.1763331351356089,0.17195984810385812,0.15302712874424196,0.12861277795423437,0.11271304090684175,0.08990775289120823,0.06954288806406184,0.061704633570862144,0.05871219432228458,0.058176697463064586,0.05718630701654748,0.07194217023304528,0.10466226898322012,0.1325977917982437,0.5217823200135046,0.5091503856385996,0.6144962884474402,0.6516669867191125,0.5286998441589101,0.5602460715949111,0.533773495830773,0.5470484381222134,0.5668721362846534,0.600197763426902,0.6482581800207994,0.6660891486939506,0.6857656640370207,0.6947499239688267,0.7270271850755936,0.733941707515116,0.7470957096184383,0.7604648379098121,0.7722357210367313,0.7854592892877248,0.7943010291392747,0.7915849009364769,0.7940353529162592,0.8067392494318719,0.8511715029961522,0.9140910872137012,0.9171771862008491,0.9182234327426728,0.9182234327426728,0.9191510265490994,0.928462261174796,0.9325402168338945,0.9416011650418374,0.9460338787986857,0.9318392721513301,0.90187908673601,0.8557386406544677,0.8086975643827684,0.7797538373021635,0.7579613713775558,0.723869661985819,0.6923317914775978,0.6596412033874638,0.5940680812296069,0.6199292988410743,0.5745750986076894,0.4739712357569438,0.34644022505055305,0.29626601120538454,0.2673902611100455,0.2289288288918763,0.18462811754162825,0.1676376396060527,0.160764874888094,0.1610547343510395,0.1843140426696483,0.19901412052302586,0.2100996054452275,0.22039678210830815,0.2225170058181682,0.22838262405041942,0.23688730846820338,0.24609347457926117,0.2721297911650883,0.3003504542424488,0.310940265702677,0.31607336650893636,0.3185874891243223,0.32494035584051495,0.3293424069299059,0.3278554602295316,0.32284674811638764,0.31660330706812917,0.32157617116564585,0.3381919667090455,0.35291943979305496,0.35251787582505867,0.3596179153979569,0.37293721723439954,0.37907954811075734,0.38240203902005976,0.382012467522201,0.4118801017275504,0.43572020649091997,0.45516136527753204,0.4722165441449247,0.48060689922821337,0.4815285498715503,0.4855643097029332,0.48911824748404875,0.4962028064062119,0.5102794658713181,0.5327161618908611,0.5628964770842089,0.5908352146803916,0.6234812644231573,0.6689747031659835,0.7367771972682371,0.8290612596924101,0.940021368861893,0.9404841790761798,0.9391866848326775,0.0
0.9141899400634572,0.9123503029470901,0.9134531422765648,0.9116694108979283,0.90565336235345,0.9050511151452026,0.9081030792780329,0.9087960254882257,0.9102106746525815,0.9082703651706088,0.9058907924235939,0.9048842401601445,0.9005149385263995,0.8972040353800301,0.8918998663235276,0.8882926117415844,0.8836914032938747,0.8801966003472239,0.8818506683496337,0.8046618753690074,0.688566042545329,0.6088492668368852,0.5521495647052526,0.5049549341955293,0.45712070624763745,0.40634045501319394,0.37594536612747154,0.3361605431288463,0.27874225189743695,0.21069498910756457,0.19016589787990978,0.18169980472689173,0.17908592712215682,0.18596147225309773,0.19720302254875743,0.20583187096034278,0.19763710100008935,0.17724289161949003,0.1641746473734957,0.1386987235662935,0.11205676967250938,0.11123468065423792,0.11796201308766482,0.12265071803881594,0.12328859957957272,0.1256841001309366,0.13119566008358644,0.1392887037262947,0.514562886549714,0.5204305897077467,0.6599890133319761,0.7141887014758599,0.570020715873671,0.6365068739918234,0.6466678739551047,0.7051078259575354,0.7500262351913678,0.7870611345755167,0.8087262800505155,0.794312680077337,0.7547275046049381,0.7151900494386341,0.6915920209537543,0.6899714474567966,0.6850273762676353,0.6895127951561596,0.6865141337933957,0.6876472506445719,0.6949624973210895,0.6930011957715797,0.696707207256227,0.7086761701029067,0.7445645864229191,0.7985027232569529,0.8016430127953298,0.8039381172374878,0.8039381172374878,0.8018985582605189,0.8031081364532161,0.8012989077705361,0.811112795313738,0.8319714562893337,0.8425956313854669,0.8524309259235733,0.8551340513477984,0.8513164049675914,0.8552079558797498,0.8441685443390359,0.8094767096102609,0.7667843970896255,0.7118718412831342,0.6599528846428688,0.5987140087775016,0.5446081689774764,0.49442808663997134,0.45197288567330607,0.39546230211453876,0.3709724972350982,0.33668061077041567,0.31748824641829065,0.30160791999287073,0.28617987646794324,0.2722047309879593,0.280604793674302,0.27671742191868315,0.2763096885859067,0.2756387032420463,0.26640837212996316,0.265583398053264,0.271918308625447,0.28235419116845695,0.30929813673762485,0.33395322698969787,0.3405102280026026,0.34127407983969543,0.3393702260138928,0.3348295591180878,0.32443426484911186,0.3006480086295365,0.2740186016037303,0.24466416814244635,0.22512397912105925,0.22464550911081033,0.22825650566732275,0.22396814722321867,0.23065516333618863,0.2477882796716913,0.2567372230330286,0.2613370589199122,0.2653451697908097,0.30102055288412033,0.3363775286012737,0.3640869613993585,0.38538258706648504,0.3974885622398505,0.39857082731254967,0.39996618021651437,0.40029487135567143,0.4066632102839227,0.41775771018815894,0.4397964638763218,0.4697965433466325,0.49645362168746116,0.5244362490489596,0.564344492477044,0.6239915479395874,0.7067327257992048,0.8117207068008871,0.8197934879659358,0.8258875061079435,1.0
0.867238309272979,0.8656199520412516,0.8660263333885152,0.8671982821577358,0.8668310431854322,0.8702808788346241,0.8727228522121051,0.8756962329705016,0.8801335026102787,0.8807326541631146,0.8827318450612864,0.8825437726778844,0.8830187704393746,0.883217513546809,0.88115220575986,0.8809677120067356,0.882542944544426,0.8842884113386749,0.8869302500729837,0.8121237157637317,0.6962045568683259,0.6149829012770073,0.5576555761287996,0.5102112487488594,0.4600701135716446,0.40909582174404746,0.3794578264493538,0.3392813229662828,0.2811744287596212,0.21359437437527584,0.1936602564411461,0.1843295330328426,0.17900738017543683,0.17596869298860268,0.17206955001836954,0.1651959259305334,0.1451408889096507,0.11942132810668316,0.1035653322686304,0.0812257412771758,0.06479654480763408,0.074999814485189,0.1091646020743024,0.17559885320484836,0.23713474224238174,0.295926133913691,0.36197653779516153,0.4154825371464482,0.7430461219102293,0.8097905537148566,0.8638960460262899,0.8984412282631964,0.8546524186004463,0.886743560510423,0.9130739879982653,0.9439435015253305,0.9563709970573275,0.9536045194791717,0.9516684681049321,0.9520189066423419,0.9071895912845419,0.8680603734923178,0.8557637771714572,0.8537204947138064,0.8617678832579847,0.860001237035727,0.8555566664272592,0.8572706888748389,0.8638951170410343,0.8654388796637132,0.8630795366355644,0.8805697127633285,0.9108011682444235,0.9503650606720505,0.904555172303068,0.8388159408528719,0.8388159408528719,0.7566901185279815,0.6608636650756398,0.5490910849452475,0.4885255275018563,0.45379950577826733,0.429395901531857,0.4197439832668756,0.4060248237952505,0.4052723177142171,0.3828588610196415,0.3520557717509094,0.3288762708924106,0.2967019442335057,0.26161414417374373,0.22713082460097944,0.1861477028273874,0.15456968563848678,0.13108499854936378,0.11852687800656891,0.10682045658816292,0.14301087809730834,0.15986952455772613,0.1675367792723511,0.1837087135191613,0.1949234937757991,0.2023167564582386,0.22447436852564467,0.2370565298089735,0.24938657688077523,0.26339896814036845,0.2656473588375839,0.27042863649117277,0.27773981360405353,0.2852421349083994,0.30571539002746284,0.3267153149966551,0.3333190817253351,0.3367659591330933,0.33771635131540734,0.3466483617193541,0.35424152050913843,0.3608880972219659,0.3661728616940032,0.3672406161680123,0.376842169599683,0.39833116505790767,0.4164384419175472,0.4168540413386387,0.41281457877811273,0.4126969323673037,0.4078772076718441,0.40377299613078826,0.40082247728250087,0.42868079196114983,0.45082565918534184,0.46905300191110316,0.48448963695062736,0.491290716217974,0.4919589900616807,0.494682172725611,0.49703959196444925,0.5043623886473683,0.5169335218382243,0.5384401459694718,0.5675183302742837,0.5964585450662546,0.6287949994726454,0.6745561593757385,0.74251079688308,0.8357103254405744,0.9460305481384191,0.9462410097332432,0.9476979198150453,0.0
0.5931668674785442,0.583920602409925,0.5840352408575414,0.585970660569531,0.5857603674605477,0.5872435966483881,0.5889345250599188,0.5906843543477921,0.5898050468017745,0.5908854176829939,0.5908327527415905,0.5892902505930188,0.5874025880722825,0.5873105814926133,0.589101023270862,0.5981390087578954,0.6296195048036679,0.6715579377182567,0.720203265498588,0.6873759773273869,0.5946508942388595,0.5337141766770724,0.4904540655334711,0.44890569994275137,0.4089619040489719,0.37342657741642976,0.34423605843888483,0.30799685444980895,0.2525735364666475,0.1895222130139112,0.17358558212790232,0.1628248970027869,0.1653481603681728,0.17702866491174146,0.19085304852273,0.2232209053609957,0.2654966502896278,0.3154423091053672,0.3885193741317968,0.45520728742253885,0.5209434263598561,0.5882950520452597,0.6469037746626605,0.712617244996401,0.7701408997766618,0.8214931822956071,0.8657573214069174,0.8901091322206451,0.9392866367607211,0.9303961694030225,0.9372645928713705,0.9344094012167714,0.8358976192938347,0.7874291735331027,0.714256878457846,0.6764521388580863,0.6405677728500927,0.6136202875730048,0.5923357224724226,0.5212612793821207,0.4512153309684387,0.3920843496026575,0.3582312091884009,0.3518331301681136,0.35090749890027023,0.3491868098857842,0.34949818690625867,0.3470063002195784,0.3500297932406649,0.3493889635827374,0.35115228890103056,0.3587211677283659,0.3733964814943703,0.4003648674577519,0.4038328508210505,0.4039064540634739,0.4039064540634739,0.40025061652335275,0.40631121072792575,0.40494814907355453,0.44188264007076206,0.4943817709128089,0.5364465273254316,0.5776267861535563,0.612285671859429,0.6494352618368668,0.6914414415512968,0.7318997172671775,0.7491380226225433,0.7620766513234323,0.7660107446606204,0.7745758545155943,0.7787663330475683,0.7925864545519942,0.8132720056381912,0.8368156878794382,0.8443647953586588,0.8447858147525786,0.8328930724257178,0.8242742483028267,0.8332653792210171,0.82320261768864,0.796787361353074,0.7479488813654965,0.6909896968265834,0.6473913568726735,0.6111071365201125,0.5576745471068283,0.5167732997298576,0.4689136320067979,0.42898282386681086,0.3971925142748893,0.37078444934714494,0.335760032607679,0.2958421112216032,0.2580355629468823,0.24089167698107017,0.2361172270622438,0.226025548151624,0.22068708656847358,0.21851533181267324,0.2228213897490267,0.2391620344681214,0.2505327461181343,0.24752252272915626,0.2461848560517783,0.26001036238553477,0.2624474017178113,0.25478871989755303,0.24457738874643675,0.2638016701411726,0.2793979198463065,0.2742740552476612,0.2656382266979726,0.24009198509936103,0.20901623123926105,0.1930924143187267,0.19050465858488486,0.2070051198502093,0.22617160935487357,0.2632411163563557,0.3019730324602885,0.32299764751294346,0.3410221579494429,0.36179340558895123,0.399714127779462,0.4529443718479066,0.5331569897976846,0.5429296996303138,0.5446958682300151,1.0
0.0,0.005300755517734901,0.01571426933254183,0.025626619177238075,0.03846992602977806,0.0425962639745201,0.05338698621597526,0.055827538747466265,0.058756129675650026,0.05859971698276256,0.05950733200451652,0.06142369709297757,0.05808627793783372,0.059244701262498145,0.058446967226062574,0.0580780871900175,0.05897654921704287,0.058166142808887766,0.0585209053477147,0.05394998854284605,0.04624311545485771,0.0416904466722523,0.036332000277100596,0.03462751112905371,0.03326023724574012,0.03344218601950055,0.06810300002729952,0.09568567958746338,0.12669697138929786,0.16951587552927116,0.2756980544068399,0.3923182152293674,0.4949874677633763,0.5744438528329612,0.6288994806527568,0.6720759722572806,0.6899156809300587,0.6903668381467654,0.6845523094236498,0.6748084052412824,0.6665003446682869,0.6672664695659128,0.6630831839270783,0.6621327230204478,0.6587109848182725,0.6609245738459124,0.6575515815966093,0.6469032725768811,0.7887964054562873,0.7738637743880901,0.796253007852082,0.7874460968645329,0.5970124476554375,0.5679191575060725,0.4818283510616904,0.44305543252272683,0.40167232271275605,0.37234888194908444,0.34027690655047327,0.22576406651411401,0.13818930945252897,0.06563882707349317,0.017225283167658367,0.018736503804885896,0.011715779254406145,0.008984083211224236,0.011775505183489132,0.00942845396157449,0.008160429097101296,0.004628510884147008,0.014577309959099394,0.013096404960300456,0.0049149829908412546,0.013445073236499572,0.014189270348665517,0.011696551944154754,0.011696551944154754,0.013503406025109854,0.013972614434953734,0.013242403207070208,0.06604175500735826,0.15824409101255013,0.22575352435908883,0.292067702061268,0.3477288160507179,0.4036058072453593,0.45821242827944964,0.503706419126128,0.5320899093586708,0.5499383704936072,0.5566724615465287,0.5660472396200094,0.5704561923174148,0.5822842895816205,0.5992086408352691,0.6188771092255105,0.6283988782163431,0.6450241505809994,0.6561338442071805,0.6712557181743035,0.7005201877477851,0.7251237295379144,0.7371414655285307,0.7367757215149553,0.7331965775992542,0.7405089716264408,0.7604619213709937,0.7655730885138987,0.7912672346238492,0.8045600007878415,0.8122823020284705,0.8222564667375549,0.8485692079375997,0.8554044221825363,0.8576566230176843,0.8548544444024129,0.8577489527458029,0.8613512571305254,0.8634193480416714,0.8634063458893687,0.8726807558249217,0.8908201458996375,0.9202247459095962,0.9560804859627372,0.9783132242725279,0.9915230012194418,0.9976994333015134,0.9985834735621907,1.0,1.0,0.9987171813187492,0.9984082175550018,0.9915577739425852,0.9870636946992393,0.9764056103660098,0.9511888686101115,0.9409834925458144,0.918033730819523,0.889632402583659,0.8637508268195946,0.8302118759982229,0.7930061509230439,0.7469120972868643,0.6881633238222419,0.6335108702864944,0.576139833455181,0.5195952833937546,0.4569028177812713,0.3496965738095641,0.25462628363002726,0.0
0.5978876259173324,0.5935947880046848,0.5934134570237928,0.5942470224322283,0.5956865281633339,0.5985510079244533,0.6014547819553504,0.6016346664300167,0.603736245418987,0.6020503178746961,0.6014184976091714,0.6010355040101069,0.597015839417606,0.5950637743059599,0.5999111700051005,0.6167477487385127,0.6563736095019252,0.6980154462498324,0.7550980785470455,0.7318794091524077,0.6638599676072641,0.5981931687586312,0.5455225296762747,0.4945547646425094,0.44444454981880666,0.39230626279915637,0.3648643492501328,0.3260408368360945,0.26911661154122535,0.20715204027558942,0.18612817295202871,0.17588711182638705,0.17194806092208464,0.18902074298309124,0.22016441580939172,0.2695316068088701,0.32315865577955794,0.39590826120555545,0.47813290248174356,0.5448100952078339,0.6054176938465513,0.6696210631986933,0.7290512250746067,0.7813940522265509,0.8237811376435014,0.8637079415275397,0.8977017896719797,0.9197375436134885,0.9543194589541235,0.9505099142189227,0.9574537121750816,0.954747508016009,0.86742060926201,0.8172488007305125,0.746366436797355,0.7035096259437579,0.6678618973603798,0.6427379335959166,0.6213968939493283,0.5573089983682729,0.48801286644077646,0.44132052271454536,0.4005630454995196,0.3967777079817605,0.39462718011461034,0.39523842562935385,0.38848582956260946,0.38987894913080406,0.38285622048438556,0.3865560513922316,0.39183475991611405,0.4010269849507187,0.4139284015937261,0.4544214174185136,0.4454658579118603,0.4552702635341127,0.4552702635341127,0.4536263642579776,0.45866004082790823,0.4591952703975692,0.4948981835554882,0.5431556757879604,0.5824430671572942,0.6187668216727257,0.650674726426572,0.6759411352579461,0.7192318454876212,0.7569164024632442,0.7737389877486025,0.784204707057267,0.7865099580761745,0.7905335087360063,0.7869504846745181,0.7890299173745938,0.7907198906811876,0.7952539965604418,0.770289344175947,0.7402761053950127,0.7036074069182808,0.6638040031006915,0.6354514247163935,0.5991074738008336,0.5480173737088395,0.49454448990161953,0.4444627569828746,0.40538003678081297,0.36775953546377016,0.3256808932793649,0.2871533874461,0.2534334144586452,0.22867292189095284,0.22421738365480826,0.2306359028632941,0.2306638888400389,0.22516259654310466,0.21756652045604163,0.21754785188637932,0.2192842685094969,0.21721512323460385,0.20960870021822858,0.20212813524772272,0.2102524977560037,0.22491096453217257,0.23850390386646741,0.23590143976043443,0.2437616980399399,0.2580546900834581,0.26628301565679635,0.2698414332275949,0.26880906542960653,0.3002325605542333,0.3241598942446451,0.326787412422768,0.30999381636000417,0.2886389255329007,0.26181251550939827,0.2567847459324235,0.25584328354113717,0.26937205313371765,0.2856664329154982,0.3132331515254787,0.3452662115802431,0.3684535290649925,0.3864594233987614,0.4100310916869313,0.450060162978549,0.5090597370391382,0.5934405286534014,0.60198177360046,0.6081351181852342,1.0
0.8748036719565356,0.8782442108677011,0.8792301483397296,0.8810891843236646,0.8803701800004906,0.8820877708065076,0.8844441116224263,0.8853230225170592,0.889788863654075,0.8914882091947707,0.8912666829128926,0.8916906757898885,0.8906195355876554,0.8887890077095328,0.8865648496423089,0.8829834106714121,0.8807291135324058,0.8780805491875754,0.8784683532291924,0.8018695189823345,0.6862144439587348,0.6056575132049349,0.5485828920787585,0.5028651657859622,0.45604021861218086,0.40988939491192145,0.385787786347774,0.3520177181647877,0.30055717325881576,0.2426330462424261,0.22938432147446808,0.22204033792291303,0.21956727421558153,0.21406744468027972,0.20521144782091125,0.1905406047704278,0.1702168502059485,0.1484103143017752,0.1374265517053307,0.11807440023015942,0.10556048579477278,0.10884777062461615,0.1322067934484245,0.17180163651296695,0.21562163559223493,0.2804049528167444,0.3701158741022847,0.49404429418612816,0.7818962706151373,0.7828373390229652,0.8863238989001887,0.9195403242030671,0.8736299945143635,0.8856763795663056,0.8806957266768002,0.8753753870762995,0.8452090518140984,0.8261514823402161,0.8142285220493916,0.7818013210823354,0.7275629863746006,0.6817181033876984,0.6570961635345052,0.6534052638050116,0.65413389142952,0.6553767018525858,0.6559759487224046,0.655995470713415,0.6574538566609989,0.6548815704423101,0.6581113449793847,0.6685520242554748,0.6978750342187032,0.7479117280369169,0.7468016828929012,0.7476359692061674,0.7476359692061674,0.744920816641397,0.7490202479291518,0.7499796585989518,0.7626012360341761,0.7860448935746146,0.7899704107299608,0.7944019641672048,0.785626147887657,0.7694364398393274,0.7551239102936893,0.739738046612678,0.7017551058913166,0.6570797270612585,0.6048073869481606,0.5465324347653242,0.4911544802661736,0.43627803121962805,0.38990399810022514,0.3478179440212074,0.2996170858578903,0.2829666745184182,0.2605047094419104,0.2426805606509204,0.23720681593494475,0.2279390765578731,0.22200799208494792,0.23112162048653578,0.23373406531827767,0.23691137109823146,0.24077862216627927,0.23400912803910218,0.23224107073442307,0.2368332255281866,0.24611769974912595,0.27058016375676525,0.2908440320531148,0.2985106047828503,0.2927628995739861,0.28198134599001495,0.2759951764063094,0.2676524586643329,0.25295037336475823,0.23668401102015146,0.22005454352690823,0.21925363672794212,0.22998912299223917,0.24081119227412334,0.2396381072436351,0.24744720546094195,0.2631896183889434,0.2720003233424816,0.2753938767036228,0.27580046682270126,0.3093096846110658,0.338466803028027,0.36291485191670286,0.38520295253842485,0.39989273015226223,0.4057561899985968,0.4106890116155139,0.41227286804722607,0.4188652788002933,0.4291879400793994,0.44754420072962964,0.4723369123195693,0.4921947585237261,0.5157192366236436,0.5475329797732384,0.5992656692997629,0.6712505506985922,0.7655257032097954,0.7676648761631494,0.7707265877126345,1.0
0.9051282690101345,0.9082268944082194,0.9135498058237008,0.9150281087631504,0.9166155651922969,0.9191191098997857,0.9212496899449725,0.9233496841326473,0.9256350930244424,0.92540591437052,0.9260133981241099,0.9229577677831485,0.9197988051837402,0.917013884346447,0.9130712635358755,0.9096609638382636,0.9061723169809959,0.9032027481732244,0.9024688619669949,0.8221065188959595,0.7022388053551347,0.619111051850616,0.5599462664044732,0.5110630848838638,0.4609211590707768,0.41034171837271144,0.380534980681987,0.34095193892484954,0.28327995758738583,0.21691706491474727,0.19717098473207356,0.18930176273601318,0.18497419378843694,0.1831754191984158,0.18121591880118498,0.17622093048901355,0.15789654741690973,0.13383535910131522,0.1177133892370068,0.09567470902119796,0.07525013746650505,0.06708470470318845,0.06424525651082785,0.06644804115150271,0.07665553080697479,0.11482650222752983,0.17454874389309988,0.24281130518013966,0.6137493484679785,0.6477391215897401,0.7037479586544635,0.7235241644469709,0.5394148162699448,0.5532394385077358,0.515952609316019,0.5395173976684361,0.57087343328095,0.6214263026151493,0.6767837254302344,0.7001035347547124,0.6901507372112285,0.6712038640416151,0.6641782806192754,0.6728261082146447,0.675963656883747,0.675971258737934,0.6819081029281074,0.68038324753693,0.6811818269192431,0.6807419786255183,0.6829911101994561,0.6988111546163851,0.7307704542597886,0.7862728890923908,0.7896148398393537,0.7849356667311362,0.7849356667311362,0.7833217561420447,0.7892939385957162,0.7939831767848093,0.8088810264340931,0.8320135873838332,0.8459893988756564,0.8578366418297952,0.8694416743502643,0.8838914963612046,0.9093330011375981,0.9361506474106349,0.9229882399499705,0.8930938144612903,0.8356325630669261,0.7710425198394696,0.7078751668439629,0.6543288217266305,0.6032972028793091,0.5450792683213224,0.49601591725438443,0.45211541427887647,0.37838179848250375,0.31981711130585433,0.275933773709369,0.23068264677406938,0.18248696502660194,0.16026758196934804,0.1387767107415569,0.13264118733473196,0.13343382198717657,0.12868196288533712,0.1285161618691421,0.14006756390417463,0.1535004584626946,0.1800027570715444,0.2075765471293311,0.21811462197233317,0.22565815779774756,0.22875721040639463,0.2382118067989149,0.2485391461304461,0.24985257443412384,0.24875111058134985,0.24569605389382,0.2528131505877866,0.2731051305311616,0.2906917448690269,0.29569915952046516,0.3067753855625129,0.3254933013054355,0.3359422959334064,0.34065487664065885,0.3423475263265043,0.37207559830599485,0.3965592992861135,0.4169043967644728,0.43326998238346826,0.44214047457006267,0.44446163973764446,0.4476118232933128,0.450467408872705,0.4595454665726336,0.4731324810706822,0.49596833159297105,0.524838744691799,0.550390416631938,0.5797274665798138,0.6213152380564053,0.6850667070843959,0.7719195415151994,0.8781856122238307,0.8824875247740985,0.8843020613748398,0.0
0.8516841822206098,0.8454325121880584,0.844118976788178,0.8435753498589418,0.8436659265727221,0.8418154202213393,0.8436483822768681,0.8418531319390702,0.8444142787104203,0.8465112952423173,0.8450483579815313,0.8440039922567721,0.8424235967349536,0.8421797725677569,0.8409670082041244,0.8402871165914623,0.8390703355404503,0.8370760524139267,0.8381089530115127,0.7658212933632761,0.6549147172768394,0.5781286581127946,0.523666501594177,0.4774723608717316,0.4294816432803022,0.3798450958217441,0.3501859800764482,0.30944909269326637,0.2504698792391854,0.18057123697429206,0.15960512432538054,0.14965326582551047,0.1440943858382585,0.14208270874214013,0.14008481485030605,0.1390667771374291,0.13410075737880722,0.12228328503900787,0.12331606682840485,0.10469452240138771,0.08358888453323698,0.07212042635891863,0.06530151607882256,0.07090166649290297,0.08296405785449867,0.10087396820505767,0.10614608997654934,0.09779887668209863,0.4668524319879274,0.4609740120629704,0.5419469472228676,0.549201099735416,0.3443805773866738,0.39261040264507086,0.39239026733706683,0.44330184208088286,0.47735170373769625,0.5388420397244249,0.6042639808304693,0.6430498470491859,0.6592415928926545,0.660536054306462,0.6481863855139782,0.6501251473135894,0.6484911350575098,0.6543867994390964,0.655634256251832,0.6607476504120597,0.6623038261302936,0.6635526114168948,0.667299692028952,0.6801655826200277,0.7117918333748252,0.7674975854127467,0.765120843460277,0.7695932239212488,0.7695932239212488,0.7694304836094272,0.7736122191239242,0.7730859587912835,0.7876852468326865,0.8140835956779073,0.833405313445491,0.8458882579100944,0.8587620824821666,0.8775869846680219,0.90396907731155,0.9351378836931039,0.9359873458203634,0.9353914987471521,0.9157634813101178,0.8919112848779405,0.8471350812479906,0.8117234804778137,0.7780261095009577,0.7337242352110837,0.6643645662402491,0.6002105770063477,0.5475100120438001,0.49420695916066787,0.466244831940004,0.43096869062906357,0.38626543998938706,0.35728672092448827,0.3299178168675466,0.31475261959342554,0.3027689739430329,0.2874625152474347,0.2840574298704517,0.2836484086196356,0.2836775791392131,0.30073726085772357,0.3191873832170951,0.321695604691156,0.3189595746168648,0.31405646712872776,0.32285252365366857,0.33265038408770553,0.33756587464352594,0.3416362796050972,0.34314960720241383,0.3513363546884808,0.36416433170623963,0.3662769049260481,0.35064865521133703,0.33419797613139907,0.3211558783908885,0.3016711344759752,0.2853791674627451,0.272814266531098,0.3045218386901478,0.33647229166637854,0.3658064988852784,0.38826569317813225,0.3994486625295095,0.40199002022220465,0.40721859526880877,0.4111572041106386,0.42425367060359803,0.44094304079498803,0.4675575594408498,0.5001835102224095,0.5288137090695664,0.5587263870854203,0.5972354600632956,0.6561706460298498,0.7371515595023201,0.8375761303359995,0.839750335199778,0.8400356195175461,1.0
0.5883429687609041,0.5876789881557163,0.5908857032958722,0.5910421481288977,0.5930666886662622,0.5958105839232123,0.5974842540410026,0.6014087515343286,0.6028937346700893,0.6034377665930544,0.6045986844057634,0.60532067135771,0.6035164032460566,0.6023081786175485,0.6007996268559678,0.6056041714492465,0.6313475039221595,0.6793353939923799,0.73704444165648,0.7245248038981121,0.6566463360413574,0.6020851151754051,0.5535247022056524,0.5118738957737002,0.4709223240897257,0.4315322105735041,0.40650793370778926,0.3699057774795754,0.3088947653791978,0.23646418595512184,0.21759568307787577,0.21536124662896325,0.21967993629265178,0.22334480298852016,0.2249892972739154,0.22449321570777672,0.21433528280349992,0.20948515883731028,0.2545069474030537,0.30776904795613924,0.37819074977811123,0.4716267841922347,0.5505169005782219,0.6285857551369949,0.7012263812296644,0.7681750193590555,0.8241419600416344,0.8637641936025275,0.9410572657957018,0.948403063809923,0.9597242871892466,0.9615136305086316,0.8820901037344215,0.8357516461235808,0.7700247935496948,0.7300981250033413,0.6926714983509121,0.6712290923067465,0.6540844293489285,0.5960160246673409,0.5352919152844446,0.48140379399178856,0.4491547171734055,0.44526731715096024,0.4420237714282896,0.44232834357938233,0.4427428033665163,0.44115366957970453,0.44325198347926814,0.4438424792934905,0.4462370923295107,0.4532863250113311,0.47488385937816113,0.5129453185397953,0.5106768082119719,0.5128934917023741,0.5128934917023741,0.5114364343549307,0.5178758050873825,0.5197332143141402,0.5482828104523747,0.5952115011818849,0.6272980948096346,0.6599806064019308,0.6907109098803532,0.7197042845698091,0.7575875273248145,0.7915134725978281,0.8034526985235588,0.8113753575010092,0.8053279132768799,0.8010078939731915,0.7894416228668772,0.7804770138224724,0.7676061492110646,0.757245847159832,0.7184575300387932,0.6824587923878813,0.6362277348663311,0.5950071225023728,0.563468416681458,0.5156361621158232,0.46412374591486566,0.4157943300717658,0.3619921181518645,0.3150581515877098,0.28375607304744377,0.2541172516210064,0.2294509804027064,0.22150299818071373,0.22103405381445357,0.23829358108802123,0.2592236213063748,0.2651854513347114,0.26685614654977335,0.2664130523998425,0.269038999707191,0.2686628217075805,0.2660529790758784,0.2617800142141327,0.2551736000286877,0.25982988962177633,0.27429444352266413,0.28919870069956033,0.28598803211945006,0.28786428570572964,0.2980766823238984,0.30225604483392415,0.3027111028282844,0.2988140626765426,0.324149602587239,0.3407246360574817,0.35167688445920475,0.3469892547495038,0.33159498308624397,0.2988796346340385,0.2667894849584857,0.24199515587514897,0.24865320848183214,0.2691010885100069,0.3149661485163671,0.36418119606077104,0.39303462175046466,0.4151409916738813,0.44011790558458475,0.48282027781244996,0.5485870490630081,0.6379012167974638,0.6481101743793114,0.6548281076126672,1.0
0.8660774003910852,0.8637094917272938,0.867558803296617,0.8705959581174265,0.8732156449618627,0.8779029400225905,0.8841214997874559,0.888139324841287,0.8903240697217445,0.8903962105924143,0.890288925842025,0.8892463259201198,0.8870129640982272,0.8857655146999369,0.8819402454125718,0.8797044074458721,0.877625313980926,0.8751734334561946,0.875462820589227,0.7990956892074601,0.6840989820770562,0.6040234813576469,0.5464548793581602,0.49960516575312397,0.4506356097230357,0.4002226161730395,0.3700185533066521,0.3304160784894006,0.2722234250182276,0.20493212974464736,0.1839994466889635,0.17579680561721378,0.1705946180240961,0.1691624092491455,0.16754722897693491,0.16261073860462977,0.14362605513084026,0.11965867162134708,0.10434667677924231,0.08144481304225115,0.0604002233098459,0.052591239724391226,0.05307695826493636,0.06612579098544075,0.09322761664584794,0.14170376344634122,0.19627920897316115,0.23600614350788554,0.5746810233961938,0.6423178580712834,0.6837407632795945,0.7722782989948184,0.6372356794192603,0.6594959706448906,0.6191308707967745,0.6225396555519301,0.6236377241927429,0.6421544555877841,0.6767507519179883,0.6881565522443471,0.6942117364591688,0.7058014597152094,0.7117067164813358,0.712690461410028,0.7141074458474266,0.7250394754393471,0.7357555502613978,0.7320439602961548,0.7363724655801143,0.7327107497015396,0.7388612620440964,0.7535182456337566,0.7821929448470157,0.8376197071013197,0.8428630269000432,0.8412973128174044,0.8412973128174044,0.8404420640469059,0.8416012023642031,0.8426443216863109,0.8494572539779692,0.8661183908102557,0.8646328401582332,0.8595622781075547,0.8475438304890299,0.8326068217897529,0.8172094592475484,0.8020962324807213,0.7644277381118372,0.7276460856304123,0.6847546342832426,0.648641091826746,0.6145958275016842,0.5751117581443601,0.547926705092171,0.5239078443997215,0.46083181563140424,0.39844969364264493,0.3616467634497567,0.31557117724823247,0.2905167556723149,0.25742443054537206,0.20736672779838394,0.18295881013310056,0.16199082123180492,0.15617666114007556,0.16229512417171948,0.16243411663459012,0.16827449177480747,0.1822665151009633,0.19512209133344283,0.2258402365692731,0.25662973617206253,0.2718905639995884,0.28225973243671143,0.28651093795169175,0.2914196975637507,0.2963586683683402,0.29565324233157675,0.2942917072848358,0.28976528476070984,0.2960912611675782,0.3130768429829019,0.3272509865500647,0.3256154051522377,0.32924041364640866,0.3409199833106367,0.34621799554364946,0.3472820409655609,0.3464154914231958,0.3748372693891967,0.3994748297531303,0.4190177279139115,0.4360351941485489,0.44377796901758026,0.44485942747667534,0.447009992994586,0.447863722400031,0.4555555534830642,0.4681436900914222,0.49006385307224504,0.5192007602925157,0.5464845361224537,0.576074811888291,0.6174815634327717,0.6786700308482374,0.7656261742819269,0.868662179406496,0.8711343599336345,0.873151510772852,0.0
0.9208710219778808,0.9222966529344916,0.9232172245062307,0.9260349472313847,0.9260302905090229,0.9269762464041521,0.9294843391934013,0.9312214783438186,0.9323440943172632,0.9329113190089474,0.9314944308144284,0.9287435061594415,0.9260455037885535,0.923246819323182,0.9195776311433899,0.916097036484861,0.9126042229135982,0.9094087475349086,0.9098070440442778,0.8294880655208474,0.7094175668364144,0.6264338603148434,0.5672988938168986,0.5181680995475775,0.4674558447702451,0.41617407871544865,0.3862808941731138,0.3462118767378396,0.28862290317303796,0.2228401988176479,0.20320718673179788,0.1947246853208178,0.1902784925364696,0.1904956279830451,0.1877975505973426,0.1825686543787851,0.16558036766079826,0.1418977668209308,0.12746478999325334,0.10545974122606089,0.08543678527998183,0.07948915961903924,0.0783157461070339,0.08669593675121301,0.09852624362190782,0.12674036580968953,0.1645719653325407,0.18124321367331714,0.5432329267308852,0.5653133175244831,0.6269735711677126,0.6594644098379091,0.488992689861226,0.5883250367477624,0.5464790202605433,0.5523493631954673,0.5633617720545663,0.6014142768764371,0.6615514076213063,0.6926248388304872,0.7223567547923675,0.747466492669105,0.7748731418141854,0.7839669886264402,0.7854949661113315,0.7998400890008527,0.8008466705828589,0.8032036472373723,0.8113219966126926,0.8105028529091384,0.8150090320242116,0.8284855754446601,0.870788626983624,0.939984326771592,0.9461272888941041,0.9518091276875318,0.9518091276875318,0.9426072515950104,0.9468021435412769,0.9534744301838587,0.9346782224285903,0.9288405108187023,0.8882173482643774,0.840938668070461,0.7925485468607136,0.7540083911201315,0.7355861771130373,0.7163690680607013,0.6865494010666423,0.6609657975658728,0.6096941575303552,0.5756999414967221,0.532726655837643,0.4837728538720775,0.400455898812276,0.32517548119024,0.26797763903938626,0.2525280603045073,0.21256416023183092,0.1765161432114069,0.16339325717464576,0.15715775503425028,0.15814229650146072,0.18285016321961756,0.19544071423589998,0.20369203456244378,0.21357704860684307,0.21316115975222139,0.21932045283416807,0.23273420402087042,0.24615338716379248,0.2718808940807517,0.29505941466817753,0.29955893155533486,0.30030923312641883,0.2975213087195536,0.3011145490208296,0.3052694676493615,0.306788419728547,0.30444569517566855,0.30091080907772133,0.30653186079558087,0.3252436796235513,0.339837509120825,0.3403738441227443,0.3444058064509986,0.35680510130194054,0.3621324932067569,0.3634792411052614,0.36291169456410916,0.39078833514962047,0.41524856241918645,0.4349096923770943,0.4515034348922792,0.45939810592965563,0.4597588471590413,0.4635681821101805,0.46443498538403255,0.47094201689232684,0.483861362441238,0.5063434013838832,0.5342577167113222,0.560171191950568,0.5895145835217341,0.6310156504269049,0.6936441932205204,0.779198678950495,0.8834275888483581,0.8828616165547677,0.8832543379758692,0.0
0.8985738281813428,0.896227276460952,0.8963869230968383,0.8952917141872302,0.8942035035670342,0.8952974461697487,0.8965644931701868,0.895935575528733,0.8961873363724959,0.8953510034193204,0.8926567217805164,0.8895646517296834,0.8852737281894285,0.8821941835134557,0.8783716300076557,0.875100781025099,0.8718876892396765,0.869071711493659,0.8687618019674492,0.7927107258015843,0.677894919604835,0.5982146176414571,0.5420559102998583,0.494665222416095,0.44548676548590055,0.3955208403378468,0.3654956709483299,0.3253657735211998,0.2664109013704502,0.19858138774167478,0.17877173926086676,0.17042889055361599,0.16533663563929385,0.16550828976369697,0.1631949176116559,0.1595199180677932,0.14193512925606672,0.1184016251822178,0.10506447475111363,0.0838702543503641,0.0649382015956037,0.06355915857732397,0.07145309153752655,0.0927535285041583,0.12549021493316756,0.17841485052425599,0.2415544011725088,0.29501495064223643,0.6134651128237476,0.6085856574689281,0.7188992196684905,0.7758994817759842,0.6419317692871636,0.6564943147876123,0.6423056069820166,0.6759953355167326,0.7170816211259319,0.7764055919238547,0.832716806486958,0.8602842147109611,0.8393617527663441,0.8068705052520788,0.7904002509788846,0.787307145192903,0.7888390627869859,0.7939748829719363,0.7913654544480883,0.7996894889580166,0.8094019686248624,0.8107862986347089,0.8113303121412541,0.8277690840405532,0.8733201283028844,0.935222580111183,0.9315858764168636,0.9245595768141026,0.9245595768141026,0.9056559222561937,0.8815667896063667,0.8548128117579141,0.8132526195213579,0.7801429412059342,0.7296132469665226,0.6968451520037056,0.6642225128591139,0.6410019094990407,0.6314463747360071,0.6294751263611269,0.6079356437724153,0.5900132836213363,0.555877662662126,0.5213770859384088,0.46427588599844494,0.421030980433176,0.3793006294746193,0.334903730720275,0.2949209491678395,0.28191173663716707,0.2579242260231116,0.22456216830445003,0.20670943749559637,0.1920881707776504,0.17841254546297725,0.19257753897667518,0.19902601303527012,0.20815966281731912,0.21907885288466122,0.22079544855798905,0.22471377739589954,0.2335974207713336,0.24237512778506132,0.2645875104659041,0.28441646550974575,0.28897504210005664,0.28886121163584166,0.285874195113504,0.2893380695293975,0.2947760593131311,0.2974502258582338,0.2981607616873182,0.2976757777828758,0.30681411241140644,0.32595580180217143,0.3428055203501944,0.34410641364510863,0.3508316870832999,0.3652995858735964,0.3716516729076639,0.37496462041117257,0.3745515600176851,0.4026120775450116,0.4271264551019624,0.44637085775273533,0.4622569708674009,0.4700096535528631,0.47114842420071945,0.4736064203779644,0.47586168995821476,0.4828000547954886,0.4965941704133568,0.5191628062044809,0.5481916899407788,0.5747296399037378,0.6064215282308951,0.6498673671781361,0.7157724362974983,0.8053150585116069,0.912181076415925,0.9139123914677417,0.913936798868999,0.0
0.9461238584275006,0.9415558627543402,0.9392998241180555,0.9367536473288811,0.9312950108687414,0.9294707643110054,0.9268048136159478,0.9238701392513651,0.9220930692585386,0.9200943831504149,0.9175323828575106,0.9143040790617107,0.9106317268152252,0.9078320487264289,0.9042353738330278,0.9012795389526527,0.8984382252765821,0.8964680658905871,0.89661364515387,0.8174979181427113,0.699323992903832,0.6175748055933545,0.5588623319223124,0.5111322700012634,0.4611079245903972,0.4101094639891596,0.37997270605281763,0.33980148005506583,0.28197571032824764,0.21632227449086144,0.19672767922397372,0.18973665023497566,0.1849088386697419,0.18394109880462106,0.18288318391301067,0.1772662213373944,0.1594410853122537,0.1360831526086247,0.12032416858453132,0.09764178521105232,0.07663152939271844,0.06914253128416975,0.06599459785073797,0.06599612264047433,0.06020579032078549,0.06374863395353625,0.0691861918405014,0.08135856194502916,0.47930007003062236,0.48950829569762044,0.5729020133746852,0.5825103576108204,0.3091498714120318,0.3637399825824415,0.3646587307860941,0.4376620702227114,0.45712452851150515,0.4580462346544961,0.46143665825063773,0.4083786063618983,0.3980559767758999,0.4373374240556851,0.5012655613018618,0.607119973336189,0.7000252864213015,0.7350389274332046,0.7504163524799171,0.7582647559021094,0.7578522014725384,0.757871743669135,0.7603954858289994,0.7693011274826098,0.8100357690161333,0.8725820314961391,0.8713848346977537,0.8734029737064057,0.8734029737064057,0.8784418063739103,0.8835089544209557,0.8816846589163141,0.8939283130877256,0.9051079312014754,0.9175183942843596,0.9211000713267098,0.9188423331000083,0.9207313247880096,0.9279280931504676,0.9308619118841732,0.9091990820966824,0.8749462551336222,0.8349803082079217,0.7957529432664294,0.7583436918418476,0.7307087026596784,0.7029510221498018,0.684258953980935,0.6543413829437781,0.5944736622749373,0.5117161441666581,0.41760745934938825,0.3583284970038079,0.31363370638704685,0.2551659213518993,0.21343545328992775,0.17759533891824636,0.1621594902075928,0.16260332919987086,0.15860548659912527,0.1614590593869366,0.1750962102766352,0.19506133872624276,0.22283292877624994,0.2490985511808433,0.2574917073119837,0.25903881763864695,0.257251715487575,0.2619451177972993,0.2677159071298358,0.2695994774177928,0.26833968265427616,0.2668087431791357,0.2742975292820525,0.29408311954232846,0.30986893738193483,0.3120157716444964,0.3194140524183374,0.33568691457119204,0.34258441024041103,0.3464431338797351,0.34710450531561476,0.3770605510719903,0.4034135078343346,0.4255736384197543,0.44276682502800496,0.45195480647342823,0.4525668490171779,0.4550539885602848,0.45674774359159875,0.46372659364101076,0.4765699439595792,0.5009502013303526,0.5302646085275415,0.558563618849774,0.5909179136144836,0.6327756135895912,0.6969687416415542,0.7848612155666213,0.8916356050660958,0.8928871819930585,0.893832377081243,0.0
0.9012258961623241,0.900671618734499,0.9033093413594946,0.9031361640809883,0.9052017107629999,0.9069857925095683,0.9122581040564692,0.9139630037122881,0.9198185529241067,0.9200772192469243,0.9218717243507137,0.9219208262238516,0.9204561171193382,0.9190090035705036,0.9150030786108583,0.9136493716852665,0.9114751794474092,0.9096214936093904,0.9105921045142005,0.8307812159531521,0.7112272728155958,0.6275871440965058,0.568211121193031,0.5190193508929031,0.46815203210664086,0.41695785065867896,0.3864007087980972,0.3467656507350857,0.28976892491234235,0.22495570180106625,0.20641154360267655,0.20026986014583187,0.19674099029555012,0.1960759405772801,0.19400816761347986,0.18987505923298287,0.17237743116769166,0.1488393492603144,0.13367885583521705,0.11161607922177913,0.09161665374826272,0.08358195622337611,0.08351349094694177,0.09504405138429001,0.11342121078055162,0.15692731117974867,0.2014703272717307,0.2351857798872069,0.5785028700352324,0.5752573586644171,0.6780640289429595,0.7164238889660725,0.5407686193089648,0.5520932243621566,0.5105881817678606,0.5253790528802962,0.5527527480445265,0.5986702138346198,0.6640053283957348,0.705399509291115,0.7233896201078694,0.7378198860289755,0.7303589794786514,0.7416248540198744,0.7390288548142201,0.7404964661818768,0.7467746552132423,0.7559645372814559,0.7670643107716031,0.765300047768151,0.7637029731933025,0.7834209770995595,0.8270243356700338,0.888523867210201,0.8872739251895194,0.8924260810441669,0.8924260810441669,0.8933592209015906,0.8965896146480711,0.8994743475689557,0.9013722243434648,0.9128059949371763,0.9006237147935591,0.8815456735848932,0.8516809691853857,0.8273120995322093,0.8038580587064589,0.7878435440374074,0.7518462504728136,0.7189562987482818,0.6805025083788914,0.6384584247399212,0.5852247441228003,0.5537415295780279,0.516292638816108,0.4244040282933368,0.34421039881296744,0.30755308024340494,0.2689604020093318,0.2230659569536591,0.18957753802349275,0.15693401901490323,0.13657057942228124,0.14763186367965336,0.1525737133880079,0.1574672284805263,0.16391820438958066,0.1610347751476251,0.16208478252623748,0.17218043908529435,0.18609439481054596,0.21205720899349562,0.23610939115095242,0.24364441474373472,0.24712808770377642,0.24659704542041355,0.25488603309052166,0.26204124843889215,0.2683551441132807,0.2724229468926461,0.2779558266144614,0.29164451371657313,0.3142967665821716,0.3333324001931362,0.3345533635542654,0.34089896293542493,0.35516413103156913,0.3606733740093181,0.3647699113797733,0.3647068898760225,0.39247618577488363,0.4173540351780929,0.4358329709491752,0.4512452754061114,0.4588601588543018,0.4584151673562533,0.459790597422324,0.4601119174944129,0.4664913889625142,0.4784167967256214,0.5019398322471104,0.53110713939395,0.5601209465094565,0.5934249587871624,0.6368878165686327,0.7022484977086715,0.7915509040424268,0.8992199662514656,0.9008624639075786,0.9032891195882979,0.0
0.885277753112255,0.8844133753145598,0.8847685400624297,0.8864339126605343,0.8862473687834417,0.8894742823374322,0.8932285250546067,0.8925012079011845,0.8944791506052441,0.8955047219053383,0.8946651037829122,0.8948655945117707,0.8894120043080733,0.8855198682067553,0.8805412298698331,0.8789223896805858,0.8759761043385882,0.8744768278310673,0.8747219391645238,0.7992866830184049,0.6837783769017476,0.6027181369868073,0.5455663181438002,0.4980726119399343,0.4479642010414696,0.39788921152102374,0.3679514916002843,0.32787762566765055,0.26943190089794644,0.20098271481765684,0.18049722215371972,0.17165100584736886,0.16681271904837147,0.16515261876701692,0.16281491758521427,0.15731204750672323,0.13827956803613645,0.11390711449589236,0.0971678419346923,0.0746736457323337,0.05363021165385223,0.045264877480637455,0.04406261554787555,0.04272140877016706,0.033269865429556233,0.040798794906870495,0.06448235001392322,0.10226945115230204,0.511812794859088,0.5497956880677817,0.65980608484515,0.7006983494065369,0.5349446916058259,0.5637308632773789,0.5310370362110869,0.5423830006325148,0.5645395270158678,0.6111810597938955,0.6644013717548714,0.6828289658809488,0.6812776572830633,0.6549618624368911,0.6337472289416654,0.6331695702676077,0.6337891123424797,0.6386151073552933,0.6436120261978318,0.6455234623907038,0.6492774376689601,0.6538664584710836,0.6586147401074645,0.6739167545148597,0.7102627767600223,0.7616573086541633,0.7665746041423775,0.765878663048398,0.765878663048398,0.7689428366667717,0.7726351300213269,0.7754858209654458,0.7906489659102467,0.8155646765493725,0.8304600064616627,0.8437900660991523,0.8512554563036119,0.8634177215642912,0.8824848969384355,0.8980288554313203,0.8836499193082752,0.8637896108823125,0.8306519663145453,0.7993363592503226,0.7569958922403488,0.7313384907162381,0.7122606900252971,0.700519599220824,0.6701629056796711,0.6537550389100917,0.6070169104209912,0.5638827326402283,0.522103370037883,0.4730630584064435,0.4103157808289122,0.35740009107497633,0.30936737218302235,0.27003737452742443,0.2276730305834997,0.17885221034818405,0.15624425153854993,0.15730930799052034,0.1665365805755435,0.19692703565768788,0.22617464735051185,0.23450986004221802,0.23584183001014963,0.2358888704993123,0.23856541651645197,0.24418959251056466,0.24658055264914275,0.24639109454164887,0.24362596239362078,0.2515988023926739,0.2670354595761536,0.2820331965419294,0.280235198486568,0.28577990418982985,0.3010656959323291,0.3085329488828282,0.3116182115282261,0.31211174976741507,0.3431502558009478,0.37112478537562643,0.3895692100203512,0.4077368893254594,0.4181421989763472,0.4177932987068776,0.42027449777871123,0.42186868075250217,0.42868982958267315,0.44008103500527246,0.46275115000239186,0.4926955178297026,0.5180990373614197,0.5464153899978483,0.5847531891973801,0.6426702804871526,0.7235648748255785,0.8245253902253413,0.8302380584838007,0.8316540033268253,0.0
0.6401435477286382,0.6337951206627266,0.6338331636040189,0.6371795214372818,0.6354279246008032,0.6371731669451771,0.6393942984601885,0.6395302401520666,0.640520388895447,0.6394456449442268,0.6397681038211809,0.6387975385504429,0.6362901385565294,0.6339844397092719,0.6310390893164299,0.6284802819359679,0.6262810877009745,0.6248310294767797,0.6435561129243549,0.6350866661818162,0.6122882314318747,0.6393028436309365,0.6868995561004788,0.7344651310607012,0.7733692674660956,0.7769550182881478,0.8208595146781297,0.8446714576625035,0.856480181559858,0.8585500780370245,0.859325629497601,0.8691167755793234,0.8706463464193368,0.8754609106673135,0.8794707782893139,0.8833807205456636,0.8799038195939523,0.8810051341647156,0.8790846187901129,0.8735982731694113,0.8741637022166906,0.8743408772057922,0.8710861102093548,0.8712739059827386,0.8711014581820293,0.8736711819369278,0.8730295668785415,0.8629103407508352,0.914975333357287,0.9034651640292641,0.9112217619892247,0.9066337848933799,0.7857777843355884,0.7421435679994939,0.6671686471108506,0.6243934403382723,0.5880653588114787,0.5587464677927034,0.5363700742671602,0.45425082958089663,0.379816069436657,0.32385463876140286,0.2830081039971659,0.2826117788233048,0.2755238882692312,0.2768771084416528,0.2785347556021084,0.2787427186453681,0.279020806402795,0.2773653564750378,0.2852548209408815,0.28730061323398876,0.29949109435416676,0.32274303421052375,0.3273271092354159,0.3250954580891632,0.3250954580891632,0.3255303170479424,0.3254140795496292,0.3277943735221252,0.36981313665257687,0.4303484352664997,0.4738168123885491,0.5213984598715937,0.5558331772124259,0.590716440747371,0.6230363532400229,0.6461567571897925,0.6511396274381807,0.6534184338955576,0.6434838293581757,0.6366925009671269,0.6233498032666842,0.6214396683450785,0.6208719551243228,0.6195384956791985,0.5947821021663893,0.5621316865724642,0.5226496506131577,0.4621579193528673,0.40174786974414345,0.33152839778983145,0.24919905180265495,0.1822054351372443,0.12266323757740227,0.07502045317130573,0.03976624777604493,0.01182850189082868,0.0,0.0048137333764626256,0.015860278324981825,0.045254273427414615,0.07037455005528581,0.08397891773073735,0.09353555358289328,0.097655559224477,0.10335578562171471,0.10965352002811302,0.11062114981254856,0.10765842285506905,0.0976140589707547,0.10361705812680971,0.1190781492855395,0.12853075060774977,0.12451562255823456,0.130951766304786,0.14678216333904626,0.15702657588830526,0.16215788343919824,0.16083320608792018,0.20283321077479521,0.23214800579764833,0.2598979823262698,0.2794527927623188,0.2915044491369036,0.2932211060056125,0.29379754576935707,0.2939542314860017,0.3013611179111035,0.3102575824944061,0.331346053152824,0.36057432748226376,0.3817542954091348,0.40231885867850037,0.42705990174457886,0.4692762967850075,0.528952730703091,0.6133815108483013,0.6195184454375845,0.6196569120545904,0.0
0.6813133605900104,0.6760070313592179,0.6774431218960429,0.6786079546999659,0.676064421693126,0.6649488156801203,0.677319503970627,0.6788484972246104,0.672889390772549,0.6686786796999765,0.67138284581528,0.6731861772735623,0.6691391195667619,0.6685995533442204,0.6629010740364627,0.6659073160829827,0.668845147046842,0.6806145093909424,0.7313138881017706,0.7304965955759793,0.6961909777980766,0.7365378634830433,0.7682102922705443,0.7993727214148113,0.805202424992843,0.8416064635103055,0.8404057022182707,0.8495010868450225,0.8520606018154435,0.8927506785909125,0.879344793183465,0.9375549446588893,0.908801317056647,0.8786362376034733,0.9471920664240341,0.9312292740317398,0.9313144350835574,0.9516665591650969,0.9004499378203266,0.8922766175341363,0.8860653389271789,0.8909303763197679,0.8723458672469802,0.8811642117416636,0.8902282580789216,0.8975623169181848,0.8740765440766225,0.8709122919202206,0.9244292639869729,0.908160089731163,0.914567792428123,0.9116906135377092,0.79797822976376,0.7454506280684274,0.6716101610545343,0.6382723834646536,0.5990436558643237,0.5627873580823188,0.5433409534053698,0.456798080493737,0.3823619428629753,0.3189973753227482,0.2834656406026834,0.2893980852549918,0.2864207533079072,0.2991033613177012,0.29555638554677666,0.28959442518188666,0.3117781049196943,0.30599261669713085,0.2924205530584283,0.30853310877090095,0.3072471615175193,0.3323171575637367,0.34339189419007116,0.34434563106021765,0.34434563106021765,0.3182157725568044,0.3328978612720883,0.30728185887561116,0.3503583961871358,0.386189084951971,0.4589184131442252,0.5073107536291391,0.5626598743099775,0.5910356364661911,0.6171251649048928,0.6554583216233364,0.6609980737522545,0.5999356164967589,0.6134911751007002,0.6149315822633703,0.5859338776430452,0.5667190571531542,0.5401152537505467,0.46509482632516613,0.42170212066521046,0.37924200017673604,0.30576957192774923,0.22767517292776526,0.18779823520617123,0.1482994594080021,0.10347556896674642,0.08010968876734476,0.05650690487580767,0.04142933238863267,0.038850794793402144,0.03283546635608414,0.027632428814577503,0.042045576415920605,0.05371392177156126,0.08564186294151144,0.10537534346252603,0.11295485687540313,0.11165498075354935,0.10903080449553021,0.11591110204765354,0.11945012441141811,0.11648719229939303,0.11198455093690163,0.10739624568764572,0.11055009281583816,0.12503870683943963,0.13160415704427886,0.12637927728485,0.13387703838331555,0.14534518976312938,0.15745848459552803,0.16248823338983232,0.16741819776919775,0.204847030180492,0.23690506651376642,0.25919542018051134,0.27945108221183584,0.2904847150158769,0.2927762692275067,0.2973967042999337,0.2937965824523892,0.3016318977958086,0.308705032778983,0.3305968093763719,0.36279113752095554,0.3824473902411102,0.40513335736993383,0.4344401276779071,0.4727339384105135,0.5293202126050567,0.6102421488554762,0.6241332869000678,0.6279695293239003,0.0
0.8901273981832869,0.888041539051097,0.8902043178932658,0.8914995278881762,0.8911888386335192,0.8939543901708713,0.8983496014189847,0.898252217083142,0.9012321719702627,0.9007791775009659,0.9002537418630634,0.8974108905152608,0.8935532475284437,0.8910381665456428,0.8883184241905658,0.8873375417691671,0.886829986940012,0.8861843428824058,0.8880560593684138,0.8105436856975864,0.6940615436882127,0.6129449376736432,0.5554224856499319,0.5075190570023514,0.4581714572380722,0.4077074303878717,0.37724265279318137,0.33691483903622255,0.27957367268472927,0.21286594042987722,0.19184078342644473,0.1836822547173439,0.1783105810541189,0.17722494072150058,0.1737575032316283,0.16578586438473208,0.1457364691402156,0.11968610486687564,0.10005292961702417,0.07374219396076659,0.050101180617113494,0.040025995864747366,0.03536346717061484,0.03160646701592423,0.025310892419627917,0.02792186767035576,0.043315708182943835,0.06393750145425148,0.47762302136374646,0.49228719352089345,0.571623629626899,0.5949339395874914,0.39892741866609377,0.40698587523557234,0.4506136313948622,0.4588187934179556,0.4512096696628807,0.46859078155346334,0.4959383818455272,0.4917257171831642,0.515274478502885,0.5625426823951228,0.6234060179285031,0.7003690481514562,0.7417914528607603,0.7635863164954194,0.7678446455504767,0.7778827706051872,0.7980608599524017,0.8021219423757527,0.8004142692088705,0.8216587316108992,0.8641384817354236,0.9296771720303617,0.9396786836869355,0.9441350749408308,0.9441350749408308,0.9356019466284831,0.9439278997942265,0.9452852380266323,0.9513099237695779,0.9621144071988281,0.9530658173281764,0.9368200219901476,0.9112462237417118,0.8806020369728139,0.8605950969880015,0.836867456230741,0.7974829358692439,0.7619641964521283,0.7247645939891791,0.6904903885113218,0.6560682217945948,0.6293961416385991,0.6193713346059972,0.5377709576923302,0.45911939833505633,0.36858002346359253,0.32088447527446584,0.26827372224841484,0.21791275801633894,0.17621374954933788,0.15158077438942774,0.16166366614416117,0.17028888282571963,0.18591881110824204,0.2020061469373971,0.20238284641891102,0.20581166594347133,0.2139179672995985,0.2248194398371159,0.2509815471992356,0.276383963290437,0.2859346632073442,0.2882755605551092,0.28633159011299375,0.2909213962202415,0.29467704206802636,0.29680255725471416,0.296645888921472,0.29633025867777407,0.30570630728472,0.3275057198704707,0.3445868750595063,0.34705930024566356,0.355614578495543,0.37150070111855393,0.38038246364859,0.3855099951928304,0.38763360730607954,0.41938303933302473,0.4460612048054186,0.46817657172306254,0.4887194273846731,0.4985020150291992,0.5016157465531745,0.5064879886301209,0.5108839369060757,0.5190163181252759,0.534584836627805,0.5604135007121543,0.590798657672682,0.6209811585778158,0.6546781617465458,0.7041233337128734,0.775815267202796,0.8721430404130432,0.9860467173283238,0.985018757730723,0.9848466142006962,0.0
0.8955790046115203,0.894598577087585,0.8960161102233976,0.8962680977184374,0.8978996485611943,0.9006053970082941,0.9038567574910028,0.9053387562450637,0.9072183843741957,0.9065916477976561,0.9054484368099381,0.9056702062807636,0.902201636953978,0.9006895439707223,0.8977455593730217,0.895432070482116,0.8918497131012542,0.8900077957737034,0.8909163325488999,0.8125037234423759,0.6941720815540511,0.6127416129222832,0.5550681485939801,0.5070852780120498,0.4573064601733804,0.4065992603233793,0.3763255440789304,0.3368242991230481,0.2790931446852015,0.21258493085331648,0.19270932396181661,0.18584608344772668,0.18110227145882773,0.1793281074049201,0.17741692233814033,0.17392471536820153,0.15562783839335764,0.13106651769233008,0.116189314491847,0.09362942809682129,0.07315625730321468,0.06564063475634424,0.061805922705992555,0.06138283763622432,0.05828398093518844,0.07214669490343878,0.10448487121683464,0.13463272030212337,0.5157564408851383,0.5312127782691339,0.6069408328132717,0.6414026151460198,0.47126476867232714,0.5850896092448179,0.5500165861121874,0.5687981248406342,0.5909278911837923,0.635167353567086,0.6910338041067632,0.7317502852929754,0.744697962057906,0.7466422515965214,0.7423905973500435,0.7526742109277587,0.7507418594816235,0.7607040300974147,0.75183827583561,0.765398977476131,0.7676500785176208,0.7708874363147312,0.7725658073633122,0.7807546060149251,0.8245201428871192,0.8878686735822668,0.8867087852384941,0.886556669704045,0.886556669704045,0.8960713329532632,0.9042165959865504,0.8991392131635767,0.9005494039521624,0.9095680403679403,0.8905762219054661,0.8674286819418433,0.841698806798757,0.8065747569104493,0.7833499309261466,0.7654138050220416,0.732296522382371,0.7064606117986345,0.6706935718441686,0.6344641889453584,0.6032817398041656,0.5882911127186876,0.492808776647616,0.4724079246095948,0.38615924171519034,0.32555818171766604,0.2792098132703037,0.24079988278570294,0.2093569719372593,0.17949611417853917,0.15646065296904665,0.16798707104222027,0.17353502479441985,0.18165780338002485,0.196804799023113,0.1991141796005791,0.20370473292570762,0.21313239839198078,0.22226823679729601,0.24536171726078654,0.26807286785448864,0.27458481704673005,0.27868729848248774,0.2782634736581547,0.28715860470768395,0.2924830962937197,0.2952153643832139,0.29368051266845213,0.29147864442235444,0.30046102320586515,0.3198507021701248,0.3378576635791539,0.3411316916412914,0.34942418284913124,0.36408560883376134,0.37254757082617085,0.3764515563587972,0.3785838671873973,0.40792268005446364,0.4330988986912001,0.4537672304497916,0.4706267745624893,0.4780077952426272,0.47906656064915026,0.4813301894667191,0.4832483383584074,0.4895232139659109,0.5024644588888487,0.5238258650141034,0.5529089837344752,0.5795738568361255,0.611035053108216,0.653217074550343,0.718506873985842,0.8069156818567775,0.9133438645245764,0.9137314097298834,0.9140743692092099,0.0
0.3652356785376908,0.3545541391710655,0.3550739357916821,0.35587000249790857,0.35573345923159216,0.3563805042043381,0.35664100109409735,0.3552939151997704,0.35602041353235914,0.3538726186676844,0.35443536687232235,0.3526498777070548,0.3502958714717993,0.35122940671446345,0.3479208795636527,0.34643996671207133,0.3459557575886326,0.3459019874721202,0.34630483498535114,0.31580462471607695,0.27027430606509106,0.239497426297259,0.21461446414639618,0.19282895358477092,0.16808858831062812,0.14451748835977218,0.1533752522213599,0.16320030853529444,0.18404170751559812,0.21390720162281285,0.3080237588319771,0.416282315481856,0.5191757535650553,0.6030258620815239,0.665640936723936,0.7034227532268562,0.7247603106288946,0.7409568143748737,0.734585241121302,0.729453730899424,0.7209053522441502,0.7158214451382855,0.7110048257242568,0.7094353482794431,0.7102963931359421,0.7160523292537047,0.7142709191683558,0.7018779717007204,0.8188175773472293,0.8053990748922347,0.8241557474004247,0.8159903106479971,0.6445350895039031,0.6084021462494499,0.5247852118383027,0.48507642201234746,0.44598123817048885,0.4168365997171704,0.38392746394925015,0.28267396556656155,0.19249655916113115,0.13046696046224027,0.083797411600745,0.08594962405202666,0.08066320439313723,0.08344363910855246,0.08863435875275572,0.08866805047851722,0.08828882519657316,0.08397477601809339,0.09336436245845448,0.09243376784054713,0.09272373643955883,0.10859692429650875,0.10492642199732732,0.10587220280382592,0.10587220280382592,0.10399743572264103,0.11147225143033429,0.10927839912468501,0.1567199237120167,0.23173797451446346,0.29530510426556345,0.3578772352379852,0.4075788373435597,0.4635287574993482,0.5104772619644484,0.5535246946922554,0.5799645342418089,0.5986555596443778,0.6023914232248713,0.6105274889190733,0.6149255834848926,0.6267355828168495,0.6433750380892175,0.6670496629611626,0.6779749967064228,0.6937593231592838,0.7040911013210555,0.7201251918045638,0.7515877277033548,0.7759341618089679,0.7903447232236642,0.7882463181806739,0.7830666531264949,0.790709502647092,0.8116918262693864,0.8204690814754205,0.8475399745890766,0.8564255402639507,0.8669705417056894,0.8807046693473345,0.9047099353137844,0.9107893976426118,0.9070923598692543,0.9078014771872626,0.9114730559726499,0.9163462093480506,0.9162792528969947,0.9225198634160792,0.923902748213306,0.933698903473081,0.9501290304916563,0.9736097429604772,0.9744669516278538,0.9661396424430619,0.9425236797343999,0.905381453203335,0.8613381514584698,0.8070573594924317,0.7445135573603251,0.6811275313315676,0.6008610531194956,0.5092266291229345,0.41546967308628535,0.31180727898531024,0.22367330719726863,0.14393484635559284,0.08150586444159968,0.03460907231163857,0.026143965501805755,0.04101745580248306,0.044608341001758145,0.04510418832972518,0.046581767170144395,0.06232035805352987,0.09114789422984115,0.15273003953540654,0.18627165020288539,0.1994080798848481,0.0
0.590728126425668,0.5815952487176466,0.5829587407431255,0.58281142492484,0.5828070637314979,0.5833465720488848,0.5867601260493358,0.5871819975488909,0.5892167858007962,0.5880518204928087,0.5875522403283043,0.5860641042895077,0.5839203183644766,0.5831595734435728,0.580260936442935,0.5797205167773489,0.5771732608205575,0.575500640178629,0.5749973716571101,0.5241742761601502,0.4499555274108239,0.41828572148736237,0.41446748150434853,0.4373983211003205,0.4737082325532933,0.5059396542062741,0.566718129848561,0.6199632241596607,0.663213764893098,0.7131758371024559,0.7604269272746531,0.8000201925737404,0.8249526809611962,0.8411884204070514,0.8475514860740677,0.8491663222509193,0.8414370902355206,0.8316925758575836,0.8221291762174647,0.8142666013081589,0.8108877956594949,0.8147196174463678,0.8133841192728712,0.8153013712007773,0.8132687956589636,0.8164908281942513,0.8131948947020007,0.808623619708114,0.883051860624825,0.870709609785729,0.8820741011283653,0.8762373697574395,0.7407425228350398,0.6981327335622518,0.6206852214753715,0.583596864861044,0.5408056398190348,0.5094655193616526,0.48164075216503166,0.3929548647990008,0.31538792683764805,0.25496455525100503,0.21077521144411793,0.20882857847395075,0.20440118692036396,0.20760718098212627,0.20693037821613702,0.2078982154286571,0.2089344089340504,0.2068495317718504,0.21381432583825544,0.21955377589959452,0.22619719700754537,0.24704261857896637,0.24839855210637135,0.24759170456743274,0.24759170456743274,0.24819337544120906,0.25457235653148425,0.2544104570316869,0.30095363816548126,0.3641355388361448,0.41798614643112086,0.4714828933514855,0.5103164791956905,0.5549059584376803,0.6007965137397291,0.6443893907676344,0.6655409853896299,0.6794292941762058,0.6879236356041811,0.6959065179247452,0.7009968374881153,0.7120194418834911,0.7371345197465025,0.7624134160685385,0.7696228337414713,0.7800148798171188,0.7820164354038812,0.783154669809402,0.809009247209352,0.8196921370093859,0.8209056358969553,0.79927528844771,0.7629663742886822,0.7326110936742959,0.7072256676156046,0.6562495927879703,0.5897683909741993,0.49499558976485636,0.38086771415145004,0.2895186258609722,0.20307160179054623,0.12474626087552299,0.052158164828033926,0.007903122918862193,0.0,0.0,0.0,0.0,0.0,0.02176194399600595,0.049429409327499285,0.07352642446059843,0.07653969410251449,0.0837730696274156,0.10225062120790385,0.10964312765219209,0.11267106354746026,0.11170709877708118,0.14791830402727335,0.17695661954014963,0.20659788316749284,0.22852548196363498,0.24287882179610565,0.24471947683140471,0.24679582380323695,0.24609019474690408,0.2521477665176063,0.26110025878226595,0.2827243389720999,0.310692852918386,0.3318616964445843,0.3497572820740771,0.36987499306317095,0.40530069007328695,0.4564904124271355,0.5326334426399558,0.5377652702430621,0.5399778639148038,0.0
0.8252216156084538,0.8216018844945724,0.823472423363796,0.8244345437194308,0.8247385977198083,0.8257580803434227,0.8289493260373955,0.8304875690348527,0.8326181729982468,0.8326335823599356,0.8323628162554231,0.8307066622502401,0.8281970560654046,0.8261673961455961,0.8231154584784497,0.8219660934918066,0.8200086905764907,0.8204671503295895,0.8218834519938917,0.7522787644121747,0.6444167350427543,0.5684881712974927,0.5145969973053588,0.469565509590562,0.422114289370475,0.3727805727909038,0.3431987359836445,0.303219003034348,0.24435187600179015,0.1789863773851159,0.16821132664352323,0.17790411813077106,0.18905643637987246,0.1971545834674778,0.19835732067688333,0.1930501354509198,0.170423991989536,0.14242642777638953,0.13143481858091177,0.11261635006518794,0.10522938337366378,0.1090061238014256,0.11805576930347805,0.13536074831923423,0.16232719863685244,0.21263663515851453,0.2529394594427194,0.3151744369419405,0.6679522957909089,0.7196778921205131,0.8052814422919947,0.8595551076078887,0.8051472950260772,0.8376922882329687,0.846032842891487,0.8694819633573988,0.880322515731583,0.8766150378087499,0.8784272279680403,0.8568555056354632,0.8158517616554349,0.7685240990782958,0.7492134644040733,0.7427628117519349,0.7412537310488001,0.7371123827789704,0.7374676258826048,0.7372222913774673,0.7380993742333941,0.7294680423903316,0.7328494717157301,0.7372186062942458,0.7723222374813794,0.8295439803454533,0.8290699015801797,0.8274863467516336,0.8274863467516336,0.8283989646462755,0.821738262336731,0.8151623332463527,0.7992579957519719,0.7846709400087619,0.753926779861583,0.7156169747389339,0.6807676556167734,0.6522531623409589,0.628751560398906,0.6075209334369346,0.5718309445684737,0.5298891189672794,0.4762027606070004,0.4341686403403885,0.3931052608248574,0.35341613394815935,0.31603421861667397,0.28674923207459435,0.25545178539275504,0.2633457537094275,0.25862950885300207,0.2538736019475255,0.26341789299535,0.26718991154869787,0.2661290460169161,0.28082575143709787,0.28669467687726125,0.29405237850010213,0.30151810726625344,0.3012442571193281,0.305849448752979,0.31453601707365136,0.3247362071394015,0.3468605582006581,0.3702507882047902,0.37370870347851626,0.3700394575156839,0.36085991231247877,0.34914102834367067,0.3317479372056989,0.3119637506359296,0.29006007472179995,0.27625006765459825,0.28075693570955806,0.2975916548962966,0.3130033652311427,0.3120548857632253,0.3154658780351172,0.3256692099515132,0.33095897326437373,0.33463715620700957,0.336512257669257,0.36929710527309534,0.3948349388542592,0.41609095829187626,0.43237541793559225,0.4408565473243334,0.4410190921134237,0.4436659804533107,0.44466915839870563,0.45130426665908496,0.4633733256729298,0.4870090805602778,0.5162946266721762,0.543560352615087,0.5734061569133349,0.6142224585557579,0.6770469142846954,0.7616664769008765,0.8650426663428986,0.8658953179000153,0.8673952308663725,1.0
0.4877171600858503,0.47047571877701666,0.4747298513938839,0.4818913448372705,0.48176006649093817,0.48782970380391555,0.492232400559104,0.4971013552349116,0.5023525265889593,0.5033070580918088,0.5065765788773762,0.5074654272398177,0.50618684227267,0.5048773083638177,0.5024265462905044,0.5022937233714352,0.4998125005009455,0.49851163125710973,0.49930815576398757,0.45661974401525907,0.40658179954420737,0.3839930877577912,0.372594613795183,0.36643488077904063,0.34377428879049443,0.3096979144379578,0.28574622639807534,0.2456503015027917,0.18041267452887944,0.10366811229293399,0.09150678897335002,0.08994819330825954,0.08996357992387399,0.09744433551023696,0.10071428057286402,0.10488038146610934,0.10660330126981288,0.12358065441127769,0.17753043025415974,0.22422718918666584,0.2835175123834772,0.36883577674690227,0.4438958397351426,0.5050195051694333,0.5788362258207305,0.634659177958432,0.6825011769300396,0.7214268597933771,0.8539902031701568,0.8601772200127475,0.8861760462296367,0.8892303829622439,0.7684142634548454,0.7313698718221573,0.6580897418181485,0.6202119403573384,0.5823001685678135,0.5551260467767603,0.5353578545234698,0.45671763592065756,0.3868119591685464,0.32990460556030454,0.2885415559848542,0.2861950361491853,0.28204451026723926,0.28248470708592477,0.28425012802389227,0.2793082979487094,0.2808074014742476,0.27940853636118335,0.28538404051964594,0.28974899140820126,0.299226053937902,0.32210881813495207,0.32096302131048565,0.3216071652885476,0.3216071652885476,0.32056747767672195,0.32767628108995406,0.32748116229093144,0.36734835940542976,0.4268775246789327,0.4755768930268741,0.52220767739414,0.5592215959454434,0.6012275051508209,0.6444794643870547,0.6857069818670811,0.7056757839507253,0.7206889334961839,0.7258739697743226,0.7350094781608649,0.7374424080252748,0.7520207287014324,0.7722669989166739,0.8010623244516253,0.8132451858361988,0.8240289759231306,0.8324733642386049,0.8484464580543055,0.8853793339465897,0.9147880470227944,0.9321722804946463,0.9239269216782621,0.9148830875506686,0.9196182749663111,0.9386661645599299,0.9411536447491782,0.9643175327031804,0.9517966249864589,0.9331353607650775,0.9150765987271994,0.8991219931250226,0.852649371237878,0.7998877923285138,0.7421988411976476,0.6888041415145604,0.6307509043893191,0.5722334892946317,0.5106066993996673,0.45524875231556905,0.413031044431198,0.3770054672391918,0.33742479572493933,0.2874877634583609,0.2512219373353168,0.2278073081808164,0.21217549981093037,0.19673531420506002,0.18335710981744013,0.21470173436041579,0.23810537985836727,0.2605432247378884,0.2778809037779003,0.288614722236527,0.2888855932211138,0.2878026265665066,0.28417375789850163,0.289098055972563,0.29539724661185346,0.3146012411639221,0.33883368961580035,0.35636921946292577,0.3726097929171396,0.39428125023296745,0.43297145200691867,0.48797929750761604,0.5572013034019082,0.5545978146937285,0.5331526992301105,1.0
0.5112590061663678,0.5014573872269436,0.5034661546165158,0.5054501938381819,0.5058162613659211,0.5082358382142657,0.5084628917699138,0.5091563521924957,0.5101853929619307,0.5090135980328494,0.5065860465604746,0.5025594927945228,0.49548873941377647,0.4905339804677542,0.4828335819116618,0.4778002703960277,0.4745289770573604,0.47337623751310165,0.47681632845099287,0.45506520571840126,0.4200828430647572,0.39927385806364335,0.3979245916955998,0.38411334267602326,0.354489196514587,0.3149182993550753,0.28967442590754583,0.25010003724908025,0.19211749072008932,0.12813945982898095,0.11727404269206604,0.11667792121668102,0.11666258348180181,0.1142274954148087,0.10898153970105423,0.10629443960580037,0.09130677294477979,0.0690046144819132,0.05357451551843623,0.03258849845322637,0.027955297221110897,0.06687828761275971,0.13250338109061835,0.21416561080534258,0.3015634433917784,0.39549687117745697,0.4821414602252231,0.551110361908302,0.7715275861671557,0.7900595057985287,0.8352799181035626,0.8458713093009158,0.7178283932387249,0.7057753093064177,0.6465343189160926,0.6190788136115015,0.5927369441256496,0.5723674201000485,0.5526192559764329,0.48016337534108605,0.4106138735053154,0.35460637598060474,0.3198413541702697,0.3205375487757226,0.3208713957001575,0.3222441443695312,0.322089024046335,0.3202781457030665,0.31928701472004223,0.3203060400643952,0.32344714580437783,0.3283883741621117,0.34330409819204943,0.3700279356329832,0.3722114945882378,0.370646084274289,0.370646084274289,0.3706948533890146,0.37450423740317906,0.37609435024890264,0.41104709861987054,0.46684264337896886,0.5127911138012525,0.5552097048454513,0.5938431114688422,0.6326501583733299,0.673349276842629,0.7139371979301881,0.7338842472833846,0.7480007704129644,0.7529374274386704,0.7631384647778492,0.7663143763328517,0.7821757748054265,0.8057902021165608,0.8352182693929341,0.8484901719409143,0.8578145344991863,0.8657641153450655,0.882927933879857,0.9180376187877408,0.9488076695603563,0.9635277693492535,0.9516361467458642,0.9355610830995411,0.9303303991973452,0.9413553802612991,0.9297520427043029,0.9369233682843376,0.9197382385703187,0.8972598894107447,0.8744265062190659,0.8547049802153646,0.8230809147682314,0.7804261047140583,0.7339789387842413,0.6896621825480158,0.6434272323126043,0.6013973554692429,0.5530799609302199,0.5129232811333096,0.47281209475557695,0.44167943527150416,0.4122019953495668,0.3663806351166497,0.3293812377836597,0.3068985558199031,0.28188915382323787,0.25602912737892,0.22827515868457426,0.24508841123703923,0.26479574425226593,0.28240863085761253,0.30079749605343936,0.3142809035624894,0.3150428212871379,0.3158881018128923,0.315632172358397,0.32225372320343,0.33088648620576955,0.35010835925191425,0.37433541016746014,0.3902999546048739,0.4033927933741408,0.4228390016208051,0.46058543891870696,0.511534967310987,0.5882238300312359,0.5927777186838381,0.594921097980606,1.0
0.25551223134720735,0.24499255372773865,0.2482018826654282,0.25119115716700735,0.2508405814612975,0.25113973185918814,0.25233073968693653,0.2520808662408873,0.2531941418119761,0.2520674937252194,0.25208668928886024,0.251652198713616,0.2496969600104315,0.250236071244891,0.24765760214478583,0.24598105007985493,0.24512102491529464,0.24272285791635828,0.24123597220769577,0.22108838258047336,0.18768107805478673,0.16620155785633994,0.14884549666438207,0.1336242617002189,0.11631264252936224,0.10064468013570915,0.10854518543967334,0.10996373441267543,0.10709890680471701,0.125566019620525,0.2033959464864324,0.2959647588819425,0.38929529061403856,0.4741713271245691,0.550887171893444,0.6113144922100914,0.6493398069689411,0.675017267849835,0.6882118204418526,0.6938258648176711,0.6969255543968513,0.6984735728062363,0.7044787355630874,0.7054222595447511,0.7132275015982883,0.7095370324768349,0.7100908532246504,0.7004369112047528,0.8204584158435979,0.8075922278146327,0.8244965056450528,0.8187991795716497,0.6440812334341471,0.6118561019507819,0.5272467710841743,0.48936741288522334,0.45062661605539905,0.420517293287091,0.3903770365030068,0.2841690845574675,0.19824466801730625,0.1251787801115482,0.0779891752928576,0.07543382373355445,0.07469815062472396,0.06994143180073825,0.0726761545866641,0.07020404468904307,0.06928497290694946,0.06572605366882522,0.07169821561313355,0.07312811916546214,0.0719525684674826,0.0754657588381149,0.07407075587072032,0.06826265280771399,0.06826265280771399,0.07298727296558472,0.07558308793313379,0.07619100968508608,0.12375557145954491,0.20435720908457197,0.26784288292843017,0.333544579210455,0.38733158942943335,0.44003407617534507,0.48822956955987984,0.535327601579594,0.5623647960412264,0.5783062592787406,0.5833309725481777,0.5942511076334127,0.5976453111958966,0.6096880006400038,0.6264444375434735,0.6477355467158717,0.6574341826238093,0.6749691380333148,0.6838902697307057,0.6991260751987256,0.7336336031121413,0.7545846262441313,0.7711702800693627,0.7683681951427177,0.7642581556083841,0.7731544987786093,0.7947598582827293,0.8007198710354029,0.8289354178934759,0.8357329041905701,0.8441415708087896,0.8595318115409023,0.8819645279479649,0.886980177303986,0.8887337147718466,0.8844825346719818,0.8905813007653092,0.891557592884588,0.8982834839000919,0.9023024844633118,0.905834822105714,0.9230444272456091,0.9512613921733264,0.9835688901819168,1.0,1.0,0.9997248835131298,0.9869099158300612,0.9752821729129173,0.9636808904425,0.9517251518485494,0.9382125061452775,0.9070244734267539,0.8714360680687907,0.8156153984095709,0.7427138719415545,0.666546229229452,0.5685947647840723,0.46531655279673495,0.3646605642151353,0.274997827154952,0.21316686118786643,0.15531748233920528,0.09327204482740614,0.05080602772883269,0.033928139655141853,0.035123840302511145,0.07675283409409617,0.10997955502063372,0.13199356865072032,0.0
0.9434734552483176,0.9411294456524579,0.9419204977987468,0.9434440855096627,0.9428248837193346,0.9455201985115587,0.9490037823442843,0.9500945963956037,0.9519041706112922,0.9524219781116026,0.9518493925526568,0.9499656636213523,0.9461918475754743,0.9439324685715131,0.9384503767037435,0.9360611175999174,0.932508000925397,0.9299702947181226,0.9298099891846672,0.8481417826044235,0.7251091049185729,0.6398881450086229,0.5788069836877279,0.5293376498908726,0.47800575731795436,0.4265915782824423,0.39601643112702534,0.35638830266622556,0.29982722762815917,0.2349643595568003,0.21529038577665605,0.20681791044890488,0.20154709216835479,0.2006017441451101,0.1986507489557895,0.1936868605892119,0.17619811680978803,0.15256192254494833,0.13877503170445848,0.11721433969455058,0.0987592221960435,0.09342021733045941,0.09208305848420911,0.09280084877136896,0.0888368923524882,0.08796413093312155,0.08662644635559058,0.08189828206155614,0.46836246304410173,0.4747553336677605,0.5478124319164632,0.5497139460526765,0.27366541919602605,0.3018253615030067,0.28638229291153766,0.3828246763696965,0.3929232365025168,0.4133569386781083,0.4495875569626776,0.4574808959568519,0.5022807183859027,0.5555737594529482,0.6412893681182666,0.7368584379487191,0.7856289683873152,0.8195060133662156,0.8185233928957895,0.8307336833329895,0.8328299215871406,0.8283935639420102,0.8375653772017377,0.8536482852345244,0.9009047022863963,0.9650378333311386,0.9732322825890038,0.9804272135808696,0.9804272135808696,0.9836819874602336,0.9928935188318307,1.0,1.0,1.0000000000000002,0.9767986413546142,0.9517652190475931,0.9082964707071708,0.8658568104264261,0.8373457690819842,0.8164864305032513,0.776166278164316,0.7414854052731448,0.7096989418118707,0.6643926035113383,0.6141453674731967,0.5909928703251561,0.5153153436479518,0.47158741973141577,0.3405486757080444,0.3079795477944901,0.26675993227855077,0.2166133832548364,0.1793972853215926,0.14432530310825203,0.11878900985695301,0.13283135750816472,0.14165836923314096,0.1565050717868715,0.17324393679613664,0.17968991470295392,0.1947555469710669,0.2126928899574771,0.23356510552337673,0.2659537794927176,0.29663496389499666,0.3088381535229463,0.3130527361000686,0.3097739202717777,0.3132472008145243,0.31693936109169646,0.3155801162284487,0.3130522303396158,0.31113734451414193,0.318010761301604,0.33659669531802244,0.3515652647535645,0.3529101485388476,0.3588084146430197,0.3717573057212061,0.3786375198471687,0.3796219347070065,0.3803307127678133,0.4099721445915024,0.4342406271271775,0.45358515439610314,0.46971285951227504,0.47852900432406026,0.47941790019746744,0.48225353366422874,0.48470737776698963,0.4911345701150831,0.5041117524144978,0.5271156639841668,0.5567643091017577,0.5856908458707606,0.6163851303215822,0.6628959995245147,0.7292231950214869,0.8222467072573063,0.9317006712553881,0.932455155485298,0.933723671717325,0.0
0.9690167415372559,0.9680798953520044,0.9703953799159157,0.971890685086713,0.9718722368233321,0.9738135505286427,0.9776885254486546,0.9775772905671107,0.980354908448996,0.9799664591042321,0.9792389621732644,0.9751697529166661,0.9721320706825345,0.9704220580305756,0.9683170010905857,0.9634290818533031,0.9615506578201454,0.9569375866197077,0.9571608132954955,0.8718394758185111,0.7456512441569831,0.6565544332113064,0.5949166006886442,0.5436664365069442,0.49155557258405247,0.43937115261179205,0.40907772193524,0.3696336696542669,0.31441923468155386,0.25029294120317686,0.23132128804686589,0.22458505242813057,0.22034880546305974,0.21871277642864462,0.21681446132076657,0.2117534345713252,0.19455711416129792,0.17163012834007313,0.15705756864796563,0.13493564746378323,0.11640048139763848,0.10964115091236182,0.10782120700981329,0.11634943971437794,0.13053500749855382,0.15944034847879393,0.19592566312506038,0.25282075770661017,0.5271219854800013,0.600144023677685,0.6795230885323954,0.6862161098492933,0.5005785989657193,0.526451442068512,0.513255250510028,0.5697629169861221,0.6480481924517643,0.7282500040057684,0.8197285967751621,0.8648162066551235,0.8601927113624185,0.839017106851514,0.8294079564697452,0.8328601929242154,0.8387634741309498,0.838957527333304,0.8417207120142979,0.8471548443180879,0.8627031806485603,0.8528193770196498,0.8552182226435547,0.8740162660483606,0.923212824206759,0.9931682578718465,1.0,1.0,1.0,1.0,0.9999999999999999,0.9899714374086324,0.9477703608905126,0.8827405543030022,0.7923988887722401,0.7110797614345121,0.6552271969541158,0.6126955942963616,0.5780489912944459,0.5191346444736342,0.513118966496565,0.5061168410526304,0.4115273905148239,0.33485481480818113,0.24912576882655815,0.20402908432575775,0.15657828977201238,0.11946119108345116,0.07914770940115173,0.10221985120755767,0.11170387132360271,0.11776943117056249,0.1328012388859552,0.14582729918698528,0.15891862260847123,0.1909711897497532,0.205553387224848,0.21463719666863235,0.2223060581180134,0.21526771747671875,0.21041573465034696,0.2119618098148388,0.2175451686963331,0.23726448685887408,0.2602538677325873,0.26756127505748634,0.2719875565813709,0.27437666845160086,0.2840218391562676,0.29113828455943147,0.29615874767662387,0.2987224729319142,0.30240049094408394,0.3183192675686316,0.34550066043612415,0.3705170741277936,0.3786538137489033,0.3908741474803122,0.40689429534177257,0.41528266881277787,0.4189616898796498,0.41896610686843894,0.4448669879736401,0.46788715925757113,0.4844808728655659,0.4970527749725938,0.5011052838677328,0.49968840787697566,0.4959089280944162,0.49310057715316535,0.4964797682367202,0.5043423680786441,0.5209617640769746,0.5484454975185444,0.5721757495605351,0.6029365997515834,0.6448938265691517,0.7098442966423566,0.7983624207574709,0.9041727957090787,0.9064322272462071,0.9071212957433137,0.0
0.886110502458283,0.8851156145097366,0.8861278982858317,0.8872565120414723,0.8879173715383862,0.8901218363702663,0.8929555854522755,0.8949685786653001,0.8970070012611391,0.8962269200255284,0.8947449823865292,0.8938880610626418,0.8903531689754145,0.8886352126721752,0.8856297144844867,0.884273681362113,0.8814307094998164,0.8804597193521466,0.8825562530832484,0.8059692389653254,0.6903867871896352,0.6099347135307527,0.5525161596193531,0.5046601777054378,0.45492118503501966,0.4040292406597997,0.374668055217859,0.3350872018131411,0.27753500516432605,0.21123726176751445,0.19130478698139253,0.18298597971556335,0.17883115088310347,0.17869834466945106,0.1760150035497844,0.17068595176778578,0.15287980140386226,0.12867937904888127,0.11256745573314175,0.09039870787609239,0.06935198494121636,0.06186579071198994,0.05814038910643465,0.05779275737558781,0.05672992307754171,0.06875526693384293,0.09508132445086198,0.12677219373723414,0.5087458112128993,0.5157640377892238,0.5953781725501244,0.6558756252930342,0.45238521396545234,0.5272248084753939,0.5181743120745702,0.5245420775883289,0.5339786044965902,0.5638790106113923,0.6102296580617109,0.6478034830603434,0.6742115622293251,0.7153692815463633,0.7496706558031581,0.7706707789331273,0.7771886747250265,0.783693863299885,0.787552570071755,0.7941392588694507,0.807192399479129,0.8091872733075963,0.8090401551894288,0.8272553929463338,0.8731531033900448,0.937315366979803,0.9454161068850264,0.9459378819569755,0.9459378819569755,0.9461819455524509,0.9539417015782471,0.9510877057942264,0.9405345914966527,0.9296171484987172,0.9054426811862532,0.8656525700142773,0.818406709334349,0.7789516217806315,0.752392514104377,0.7369838884058766,0.7112098004685838,0.6828915625215983,0.6467062081226337,0.6209272770642067,0.5972615623931621,0.57629912997083,0.5194243569800316,0.4143203301499399,0.3222066387806319,0.29657379655039173,0.2670431083200798,0.228223424130274,0.2050508956170334,0.1826800673663913,0.16589265843972617,0.17835805326864201,0.18585092026266303,0.19247906197819603,0.20340459160120472,0.20469964787522743,0.21114204157373406,0.22214119851690994,0.2346936895275133,0.2593037036437885,0.2829331085373039,0.2913381469349388,0.29491949031687603,0.2972321180869125,0.3064091188093854,0.31465720581937495,0.31670193222212834,0.3147776050964112,0.3123878409262766,0.3171423816553953,0.3315915291648841,0.34444437263897537,0.3429554371224486,0.34750243247974044,0.3607648146842975,0.36793694990771264,0.3728751930903889,0.37515215433862836,0.4094801605695703,0.4377992934648732,0.4593007117872961,0.4768999244578143,0.4858150609359896,0.4872963545302098,0.4920982645474792,0.4967281298993939,0.5049019232966014,0.5215443691710755,0.5460336203484313,0.5756714038985193,0.6044016242878595,0.6372555086677807,0.6843128267191808,0.7520386227064426,0.8452415277796447,0.9570071386563044,0.9579380955886998,0.9577982247526576,0.0
0.6064077717903632,0.5990715064548879,0.6009998707080725,0.6051130431739347,0.6076486504754587,0.6088298905755433,0.6115089492673663,0.6125562719732254,0.613877896916772,0.6159240085894385,0.6142515044665586,0.6131119496991213,0.6088992796351745,0.6066911992671428,0.604723978030443,0.6078250081074255,0.6226445545655446,0.6517148063195751,0.6946860075208715,0.6718012487714186,0.6062406760610799,0.5556089298200482,0.5144399268101496,0.4736276386356956,0.4271896876771343,0.3752704710089556,0.34690578531422317,0.3137802032568175,0.25918297461567863,0.19438226922140855,0.1753797092263576,0.17286157842226157,0.17552935230057265,0.1840227023420531,0.19667830374412523,0.21195242666521813,0.23452845857468987,0.27854294656211165,0.34335429469448137,0.40333192427537895,0.4875181842862317,0.5799908851333642,0.638834136354755,0.7113187404420458,0.7706273620702104,0.8308093930295339,0.8668453227362372,0.8852670190239302,0.9419719009754799,0.9409647355342675,0.9452581956025994,0.9412912519071495,0.8430086646045407,0.8021168749778766,0.7310819760132561,0.6875426486903745,0.6477656358933495,0.6185235962584187,0.5957947419503382,0.5259083985895525,0.4579598548450424,0.40589395354752367,0.3732902874720374,0.37188542110727296,0.3654429093784946,0.3664680004631867,0.36929978370498473,0.37097825618840524,0.3708379535457023,0.3720575234251904,0.37709845785877816,0.384706438362766,0.396061828592879,0.430861102499712,0.4272224140466772,0.4259183417110476,0.4259183417110476,0.42777716490417167,0.43498348999729053,0.4345517688152923,0.46779384592360074,0.515003212672384,0.5570309556385863,0.5940487531068734,0.6271028426855295,0.6642949652716796,0.7028111299943922,0.742152633602397,0.7611210188279489,0.7749458049610605,0.7820320280849357,0.7913826602722679,0.79523370367985,0.8081197181572991,0.8298593590122694,0.8537822671634239,0.8594252465077499,0.8546600686491974,0.8367996883887758,0.8181570557262337,0.822897467113573,0.7917946074479764,0.7526712189141909,0.6786595303831255,0.6067101420372167,0.5373737994113773,0.4793212497914549,0.4141482185346073,0.3603974686997199,0.3108103004219389,0.2685405874294781,0.25781755262520806,0.2623862538740777,0.2489811848120021,0.2366846847214994,0.22636649049548196,0.2293790088434799,0.23189147860492204,0.23057747104192716,0.22602174847354034,0.21937802538556433,0.22317102830293745,0.24101641412338248,0.25294301746627007,0.2544831844458532,0.25792937409982736,0.2706488403219458,0.27619465289891454,0.27318673813494104,0.27054566691066156,0.28961077546809827,0.30255408472128437,0.2874447230653765,0.279952380412743,0.25410139787657454,0.23653163784026987,0.2353607328404469,0.23874265225771907,0.2529917087050084,0.27003359563930895,0.2987171316028978,0.3329059982126181,0.35546356505792653,0.38014811970387297,0.4054692366668392,0.44879991440951494,0.506286127440367,0.5870619150832879,0.5916068872658197,0.5961552980184827,1.0
0.8992297213735443,0.9044670534481901,0.9114230895679383,0.9190875846847381,0.9215916986019663,0.9278460290276709,0.9327315474295887,0.9349610418072173,0.9356762466177976,0.9351542947312232,0.9350820462256841,0.9322539456853409,0.9273107155256801,0.9256243574141502,0.9202771389147593,0.9171827944836208,0.9144546278059072,0.9123463276348535,0.9129398387100246,0.8324341150019627,0.713861430986466,0.6301605304332704,0.5709539443869958,0.521791681317335,0.47135851072474966,0.4201927642102475,0.3897426867180419,0.35051339710065654,0.2928923891782435,0.2271073485423041,0.2077257045574178,0.19889670765736775,0.19371208859496403,0.19220211552496982,0.18976191643211582,0.18404528475223453,0.16556871450738897,0.1394620883966376,0.12397328447928169,0.10152255150361872,0.08023951713141808,0.07236607062693295,0.0773002994020292,0.09813975863078422,0.13930140259860388,0.21028933980487452,0.3067434011837416,0.4639582206633831,0.7105407187731557,0.7466296325137244,0.8121823903481583,0.8405916543589523,0.737965117754868,0.7605404772520873,0.7485734051945393,0.7705742775261846,0.783000462171223,0.7862457436539324,0.7945273903006659,0.7754807018602341,0.7298311188201487,0.6987607506146024,0.6790093845749476,0.6770120229224525,0.6765520063449668,0.6825934046690602,0.6871923374440853,0.6924382211337083,0.69863886363952,0.7025875603851209,0.703765142320514,0.7177681052328719,0.7574866905943571,0.8145567809898585,0.8191049492955769,0.8157105969943912,0.8157105969943912,0.8185867961268589,0.8250453085026693,0.8302070309312211,0.8444047484280952,0.8586208908443504,0.857680336241949,0.8437831614112071,0.8063090347014368,0.7736984670578309,0.7425341926914434,0.708327779865108,0.6602376036244266,0.6167866126447823,0.5770887649166164,0.5473011719047888,0.5105870078251367,0.4895469117164707,0.467631731321964,0.4235619365970609,0.3650019465725754,0.34272905647121665,0.2966900078786996,0.2504940929386293,0.2161756810202544,0.18176790698333867,0.14976295324873812,0.15926772628355523,0.16579943498331745,0.17954819993907556,0.1967390994335398,0.20750342985196252,0.21475305053481036,0.22206249552916163,0.22579852690373126,0.24136964157828877,0.25516339806722665,0.2567374745709633,0.25619965733604727,0.25637793778208434,0.2671759196880552,0.2777919804957266,0.28205978477756416,0.282091070778725,0.2802951444378342,0.2892004879977427,0.3045193460916385,0.30868183414582545,0.29493959942127007,0.28793010601677194,0.2895729570588026,0.2810320122952308,0.2724637665456387,0.26783406287538086,0.295412172861659,0.3194597816718806,0.33954972485573187,0.35907338518154397,0.37484797631890804,0.3738104933150525,0.3769076143198407,0.3881233163879714,0.3978576413526556,0.41672899329855856,0.44366565191038654,0.47975741925113424,0.5064116611238377,0.5422480067499633,0.5870238092195635,0.6519974679481465,0.7441077921881057,0.8592881443855046,0.8687815544852743,0.8781570960944644,0.0
0.8545194558320436,0.8481881766635591,0.8484853476307638,0.849549087687943,0.8505273396108424,0.8525916095069723,0.8557030363212641,0.8571613511062592,0.8584739554407017,0.8594043735219031,0.8589383242503246,0.8580040137802988,0.8562817024929033,0.8531855550720209,0.8495806071796492,0.8473230879235742,0.844990246057394,0.8430333693886574,0.8436047641766978,0.7694808295354072,0.6596135897127323,0.5824849928261815,0.5270237954396981,0.4809686834105897,0.4328822003987703,0.38314607085001684,0.35321754552277246,0.31387371235851924,0.2547164327625224,0.1863386550093667,0.16607608083443387,0.1574229524713463,0.1543539314305209,0.16522154838402658,0.17596170414526385,0.18730471577560254,0.17827915674836906,0.15860330075235085,0.14738566787185076,0.12018461461675495,0.09675304367295029,0.09250516198501862,0.10187687019984754,0.11365073329056774,0.11659008419964575,0.12034764886370639,0.11976636010321653,0.11525691516579509,0.48803466990357747,0.4932867766478537,0.5849442511414443,0.6158727931590016,0.4202990428333543,0.5069605303863227,0.5096216126400113,0.5640301696219441,0.6097367311964563,0.6624764261143564,0.7241068045086761,0.7662195805974614,0.788379918666108,0.7860351893149136,0.789157231657059,0.791234914931146,0.7899562964867495,0.7903333975583297,0.7910890053323317,0.7940883587845728,0.7969193744353353,0.7955946965947128,0.7980776397496399,0.8123798159890345,0.8528264741055662,0.9142835128819918,0.9204254723671697,0.9203750929657109,0.9203750929657109,0.921719055652418,0.9261130025972152,0.9221948966155094,0.9211407125712081,0.9182449286944458,0.8912020110077571,0.8559215432957457,0.8165790181397566,0.7786024647145059,0.7507777423719644,0.7234793332948162,0.6814533177583664,0.6381825642164538,0.5897818334814958,0.5395362510265849,0.48445168248918413,0.4380993860305742,0.3922290923788048,0.35198150193992656,0.3061823555912737,0.2987160285630617,0.2873501015313799,0.277918156336474,0.28147187428882026,0.28272015857230237,0.2812992651837646,0.29338451461200044,0.29612882820825603,0.29970217695662127,0.30797366615067795,0.3022363865767257,0.3039639668479722,0.30767382808843347,0.3144854376108932,0.3356331516774761,0.35751133233428367,0.36471895049222625,0.3694614281794147,0.3727132880748285,0.38495087053026217,0.3962294566437412,0.40193901995002806,0.3948835093269205,0.37962696201119134,0.37144614712287843,0.3694698626449233,0.3638451018642146,0.3445246808865908,0.33547365545889796,0.3374610972143213,0.3370940222783695,0.33738409309608336,0.3371117641212416,0.367098360434171,0.3933997214733472,0.4156136119806861,0.43449233106763796,0.44615387355684566,0.4501684452257098,0.45353209830343283,0.45538265959726987,0.46243096971520714,0.474094524379218,0.49542858980805327,0.5234224509059651,0.5496630098963848,0.5804855748071787,0.6213987965630277,0.6866045897897685,0.7732993162260257,0.8805140262134193,0.8844448103411671,0.8885157408598873,1.0
0.8976132762600559,0.9166296160600118,0.9306985811107449,0.9434527560665718,0.9459038674989182,0.9462113128266652,0.9455737422350466,0.9441381088291134,0.9428302645717781,0.9392669810541567,0.9389188844714323,0.9369859049096156,0.9317788542334922,0.9286007622685726,0.9216524622748081,0.9172190619741848,0.9121949845381976,0.906575289601661,0.9054081454329175,0.8223365458737468,0.7011377514340456,0.6179578480026784,0.5579151757187026,0.5081580521861362,0.45771339488544877,0.40576307933694,0.3758532501533004,0.33567967694578044,0.27815773176155617,0.21342772699768459,0.19390634568201492,0.18615203734016855,0.18156744044227902,0.18291385570280289,0.1879496632295365,0.19357586611990346,0.18889657585161956,0.16153834300099285,0.13377540488671819,0.09657439182958089,0.0671948160903052,0.062244155957741576,0.06973719407145551,0.07931980829230917,0.08677802755308922,0.09293440780099937,0.10045801374084318,0.10244890614483709,0.481761920967765,0.484526743916009,0.5717973420552509,0.5951179854635197,0.3625757197881421,0.4244152444898836,0.40063648209954295,0.43950631278606866,0.4781599142044771,0.5328862928753029,0.596420671063866,0.6250476040244746,0.6577889074532625,0.6831052359254264,0.6983030411236828,0.7179632519181707,0.7190912206792095,0.7359014295429941,0.7386953871959611,0.7416650341353825,0.7455392242288812,0.7469159771560526,0.7507020325870151,0.7634091164175181,0.8053141230819352,0.8643712913205538,0.8700055221657672,0.8726331677729502,0.8726331677729502,0.8737619443167697,0.8799493867844853,0.8814539819879361,0.8944208847947839,0.9118520114607165,0.9183380999473502,0.9220661919304943,0.9188059564814295,0.9088857022149872,0.9039811737106811,0.8915379971857285,0.8517640165232698,0.806948748913076,0.7477384206878895,0.6958552119212409,0.6431453545570951,0.6026875452578956,0.5639457193781796,0.5318762341074655,0.4830819090843208,0.4564234234139613,0.42072555669830086,0.3864557142350876,0.36242608333167625,0.33322967260662967,0.2966593781832615,0.2788919410609811,0.26004840203543045,0.25106227230088674,0.2527239080124978,0.2456744875927097,0.24453222622124293,0.2489775916442047,0.2523464949349614,0.2725230769486241,0.2957315120653555,0.30338417070135054,0.30597295546973613,0.30303193093054903,0.3022536853677356,0.2975452084431303,0.28474760948217065,0.26597598603320255,0.24439984190540287,0.2347482002507178,0.23877635812068415,0.24640964630303602,0.24287399779627566,0.24956211678980306,0.2656483137854037,0.2749434528252563,0.2829043418987153,0.2897849920680754,0.32774123386448734,0.36117384515698225,0.38892282230481556,0.413066857720901,0.4282188642273131,0.4333652505724451,0.4378201657185155,0.44054742734518654,0.44926486405568106,0.46180733808184427,0.4846406114290724,0.514443472081112,0.5407734448235084,0.5697167740708995,0.6096810892638942,0.669821829139994,0.7508306339224582,0.8515026069740829,0.8506122822615697,0.8492740364411775,1.0
0.88057801763571,0.8781535942837926,0.8782474351157268,0.8788969128324478,0.8787365759548786,0.8811466789731711,0.8851758751837089,0.8865718364837367,0.8886483218919619,0.8879703656245961,0.8878158715443851,0.8873498729059583,0.8833270720893364,0.8817832359232423,0.8774741120736737,0.8750778793554109,0.8727902470067586,0.8695889460213302,0.8699374145061294,0.7934932630132918,0.6788636607590176,0.5987894743457673,0.542174678022476,0.4952882933270842,0.44607530237383985,0.3956321178592169,0.36527841215049606,0.325346575480311,0.2663765886982361,0.19807977099463903,0.1777735164513185,0.16834629191114514,0.16340915493536246,0.16181160824280705,0.16329899467578857,0.16670910840093078,0.1641431707951157,0.16187922404710625,0.16588484560155206,0.15333351648601226,0.13819831905469912,0.12506088709387336,0.12457539742800738,0.13245181812263232,0.13886779922117384,0.14741150079381818,0.14982433599154193,0.1443251640273126,0.5093256230725479,0.5223471348841552,0.623130875275329,0.6620063116354438,0.5113039621499843,0.5832263945386289,0.5893999411421997,0.6374054602728569,0.6856863547428986,0.7463917451106928,0.8203918339471468,0.8675893767582292,0.8658155544158065,0.838542731652292,0.8261634992940874,0.8243820966787443,0.8221726770044355,0.8262399511812443,0.8272500495205245,0.8256256135247548,0.830944216735858,0.8320671252955877,0.8313648906982367,0.8464542404272943,0.8885727577274487,0.9521448403777825,0.9482428373387206,0.9421207547320294,0.9421207547320294,0.9305139426794129,0.9197704929822975,0.8989523825835699,0.8762902090052822,0.846651708010979,0.8030135599537712,0.7565273103375806,0.7076668167546137,0.6657273324129167,0.636734696067485,0.6144602561309522,0.5788289923464165,0.541185824260223,0.48885690082731315,0.4455051184299366,0.39639662070848247,0.3538756267986804,0.31320901427741465,0.2759405340026189,0.23522969494128967,0.24181191133943467,0.23863514509562234,0.22947697121076252,0.23507595860592925,0.23650153022575637,0.23346849589970461,0.24801575442557336,0.2507094275076745,0.25304448268638935,0.2592862949848472,0.25604704391492983,0.2613022250833199,0.2729754014880465,0.2863250596158669,0.31323019107437866,0.3467063544149873,0.3581546732931803,0.3609937641763439,0.35132892512337016,0.34364992179396037,0.3316563402048649,0.312219714665279,0.28987694535083697,0.26841766975513154,0.262580812451593,0.2753147778810922,0.2905411122163528,0.294670020878193,0.3032282451509581,0.31904317529500914,0.33114650223726777,0.34255023540443735,0.35468105933415583,0.3976629149271659,0.43494742752283444,0.4630081423745842,0.48644281832863395,0.49608323084040595,0.496931140870753,0.499570171886317,0.502005936106802,0.5092309374305282,0.5234085147185257,0.5477068334874688,0.5780864388293435,0.6063396707597218,0.6395150173860067,0.6842754741926319,0.7533099267131471,0.8454601795113142,0.9550933013686662,0.9540658663813929,0.9544994436053518,1.0
0.5927498152699144,0.5862568898740472,0.5875017304272374,0.5887331000007645,0.5885615301055185,0.5909070084818037,0.5927981764066726,0.5924955699687295,0.5956037559867894,0.5952233055702881,0.5945533135180296,0.5944550233151019,0.5922173633843505,0.591776745244648,0.588900031972679,0.5878356022791303,0.5855405086461821,0.5859497245555384,0.586608509097441,0.5374213692940996,0.46006670272176964,0.4077385197868842,0.3723208145082166,0.35064263549953606,0.33873933316405996,0.33746781999164555,0.3708007408550948,0.4118994073906438,0.4458828063265425,0.4956808819942125,0.5786184141837354,0.6702613295497482,0.7353786948594878,0.7920577008148699,0.8282467698283945,0.8490718072015908,0.8573564148705408,0.8632214080542486,0.8650235174302571,0.8635360218723702,0.8627907979257231,0.864189450104078,0.859652613380826,0.8644178451869797,0.8652888662495133,0.8698177211925551,0.8671472005871164,0.8583173424537835,0.9118504286918104,0.8997779344078827,0.9069828925906209,0.9027332007284997,0.7812694340266259,0.7392303706813074,0.6647015873685904,0.6238187049077206,0.5841166247382756,0.5581979131409496,0.533003679913629,0.45160621424090835,0.37696524565437317,0.31899984151389205,0.27835292621481766,0.27794096186935524,0.2732542075926813,0.2720128265612587,0.27242246906147505,0.2699744264701239,0.2693651842850899,0.26992526798042926,0.2739570053335244,0.2789087224726892,0.2894744708362176,0.31251466358512214,0.3118873240329966,0.3115967371777105,0.3115967371777105,0.3160055960061005,0.3180278465588884,0.3171888768100976,0.35600516517230996,0.4124343926851246,0.4629485079731477,0.5089097245970069,0.5515335819683468,0.5930734682401794,0.6377836684856952,0.679537089490285,0.7006674315860979,0.7142826248661729,0.7180340921294237,0.7243530506503759,0.7203882334138145,0.7269267483143391,0.7373878555768827,0.7581991171732849,0.7532864420924388,0.7536590132935851,0.7399794905483823,0.7235492372925517,0.7208588682939812,0.704198601225801,0.665846438704799,0.6179037351956429,0.5631051324999603,0.5134989118264105,0.4725401018633898,0.4148956731149823,0.3731520117160336,0.3332443584648648,0.29243912396366273,0.2691804424047246,0.24872838408890208,0.21759204508584917,0.1830167692626955,0.15149118270766293,0.12838743691489612,0.1086781342957211,0.0912493279088929,0.07611971191789713,0.06403944836612196,0.06763282842063167,0.08202575405164281,0.09191188722432897,0.09171884685828602,0.0991939422953978,0.11720078230551767,0.13037251023419438,0.136023398022451,0.13997960427013945,0.17910892508263487,0.21167884509391033,0.23839201075254945,0.26036080427517894,0.2727162998042414,0.2742563985582878,0.2763089973209277,0.27511205521754645,0.2819214564067435,0.29110206719456344,0.3129253885011569,0.34092224451838976,0.36187958191071956,0.38088179198281336,0.4041142705350905,0.44370385692123904,0.5001763413833372,0.5796927006952234,0.5869923886529463,0.5882220465661494,0.0
0.8758770819532175,0.8708485367987988,0.8703512094430315,0.8716927835664254,0.8718990606609139,0.8739797081026276,0.8773998913236564,0.8771190356002433,0.8786493973190421,0.8771154909286579,0.8761587270596646,0.8753632541856606,0.87036135184636,0.8684785269343459,0.8650704307007384,0.8626125708906334,0.8589885096540648,0.8561221815996145,0.8584088558079164,0.781519450166932,0.6657156125791155,0.588352554540962,0.533010606178514,0.4865508607665482,0.4385061354854656,0.38766631007325447,0.3579396067238594,0.3168481071341791,0.2577491997080131,0.19043936668321437,0.1697640651882793,0.16311231549191396,0.16454853263866037,0.1757081977927955,0.17752092595339214,0.17429291269461017,0.1625307958062865,0.1301962668891989,0.09997195988936064,0.05852855466103224,0.03851237164911203,0.04454833714436457,0.06000746421916464,0.07159448300886562,0.07287138189376352,0.08781057948513027,0.11678136617309295,0.1717151021669508,0.550108223750889,0.5870304020303868,0.6907076506740326,0.7320054363643148,0.5937339702690263,0.6369948504842401,0.6380640522599922,0.68152967804454,0.72240414765389,0.7663931549427784,0.8006764601180144,0.7914151099083766,0.7487726301664984,0.7140206749135322,0.6876985066438774,0.6851211941054596,0.6841816410442121,0.6872534763904338,0.6880454096476515,0.6906928408038613,0.6926262496111508,0.6941688846541635,0.6958563291824966,0.7065081581303012,0.7433895074846426,0.7977660641719103,0.7998574464601649,0.799159370644569,0.799159370644569,0.8024516611686316,0.8075688685636558,0.810594253025267,0.8191887302540564,0.8327688419455341,0.8384660738187689,0.8311198446733155,0.8190342472793654,0.8057907001511823,0.8036833925561003,0.8010479108259823,0.7700376032275968,0.7425361168591478,0.7051691656972134,0.668224654599171,0.6274571894931819,0.6038321501022946,0.5716261593737637,0.5503946311244039,0.5050851585810697,0.49024769371905386,0.44966823641008963,0.410185378450041,0.39400766496855033,0.36431449734463806,0.33598804273743466,0.31061286430302093,0.2818911419136423,0.26925148912750413,0.2676943785331197,0.2553508497642689,0.2556849744935772,0.25599300660780433,0.2497047320319558,0.27140032156549815,0.2890993158200134,0.2937853631468367,0.29470530182255933,0.29638788542179717,0.30406545974321014,0.3157794102255429,0.32055094577427,0.32159371463574743,0.3131686251048785,0.308651683918278,0.31105348469456634,0.3113978975219678,0.2895763167222185,0.2795643844116249,0.2785492977423705,0.2740351697780627,0.27419918729578113,0.27295290938616656,0.3049566860898312,0.3337119434789959,0.3576034777317059,0.3776034578350375,0.39278107348325086,0.39892174887939813,0.40674351033640777,0.4114857150742258,0.4226393034204787,0.43990674983001427,0.46422514712895735,0.49302669344827565,0.518820289873481,0.5460812142997717,0.5826554377020448,0.6406321927212426,0.7199548844066704,0.8192197601855395,0.8235618337414243,0.8292950439194807,1.0
0.5518213986692929,0.5421417162745593,0.5429374314158735,0.5433553463008605,0.5429622681435736,0.5434250358967163,0.5436443109773533,0.5458455356004025,0.5452570521469098,0.5432400145307774,0.5430258062786334,0.5400993028799788,0.5379842033086585,0.5376085805573125,0.5433876628293307,0.5759352537751213,0.6449369571356458,0.7516439892753004,0.9210208415906419,0.9999999999999999,1.0,1.0,1.0,0.9956305864704994,0.9592621240369206,0.9310024961538854,0.9066513959561247,0.8932636514950352,0.8680462842022048,0.8516423174651848,0.8367794094595211,0.8368688377866276,0.8342496821639237,0.8379725466373564,0.838391504765339,0.8419150305245942,0.8398095077545515,0.8409908709771935,0.83644844541196,0.8311690852579916,0.8291129756889035,0.8299141584733789,0.8278296620745961,0.8266325691371015,0.8291723178056618,0.8314110206404218,0.8271341647959461,0.820020482203984,0.8895694201423798,0.8756573044274689,0.8852773930100848,0.8801748951427388,0.7465912590692124,0.7053779789623207,0.628282950113833,0.5861194616096734,0.5461019342403035,0.5162174840112789,0.49257265831462393,0.4031119555583474,0.31961815043084907,0.255033175353239,0.21583769829606791,0.21383235115155907,0.2113286798371174,0.21185095971757806,0.2129502537144995,0.21010282535493313,0.21122520261075012,0.21115493658151718,0.21733764685808543,0.21841739725594472,0.22681584606606142,0.24718508455018262,0.24604764760891812,0.2429160427412972,0.2429160427412972,0.24569255843900611,0.25240826434777264,0.2522239025063547,0.2960122260319311,0.3639513476189855,0.41654839271606536,0.46815676826497377,0.5135274449686354,0.5586758219545402,0.6036606532767658,0.6432527409302291,0.6593357403463493,0.670726487597437,0.6685807876248685,0.6640908472298575,0.659419576750771,0.6529196843917698,0.658937434690304,0.6583910882351702,0.6527734409924214,0.6477425052612624,0.6374468592244936,0.6208171434102254,0.6200850187450732,0.5934410939038074,0.548637811610325,0.488141665845189,0.41413693028809984,0.34513110819474513,0.27847191285755857,0.19007671217947292,0.11511974151124243,0.05754760299756384,0.012354077900884164,0.0,0.0,0.0,0.0,0.0,0.012504712121255035,0.027529267553871528,0.03894398929533338,0.050170904388092796,0.04754074700031197,0.05589699933332948,0.07448336953953716,0.08408554112070399,0.0792432473097957,0.08610297963910263,0.1012658621611201,0.10868155834401527,0.11104044222589893,0.11315541498408344,0.15243470748746735,0.18483566890800973,0.21254402841400832,0.23438155154198648,0.246032898985447,0.24906972346267653,0.24972194972523132,0.24819935660653614,0.25490614007644363,0.2619780914033173,0.2841936012829065,0.31173259857900526,0.3324806595798864,0.3484863752255233,0.3682690929165616,0.4039261068811185,0.4547303338914599,0.5297314057263013,0.5382914586819506,0.5381214765769181,0.0
0.9170214194754438,0.9149456578757109,0.916089775491129,0.9177187402185278,0.9176204140682471,0.9196409241341554,0.9237491982770831,0.92449921800525,0.9264075537488662,0.9260614878722884,0.9256234727891228,0.9235853255137539,0.9204438530988726,0.9185342998003146,0.9137593566960482,0.9111288201724159,0.9083666719815517,0.9060760232302258,0.9076639142940486,0.8289268576790984,0.709814505137134,0.6275379848557432,0.56924049000169,0.5213411008697195,0.4712679098481024,0.4205245183441839,0.39113614038538314,0.352023819237104,0.29567132839993826,0.2323192598130535,0.2167841649486718,0.21872724234436347,0.2264761438112206,0.23587933456576285,0.24545511791067115,0.24466734642828522,0.22367825567272462,0.19577855117653578,0.18298370132827502,0.16701794949156248,0.16219941867462503,0.16665534695886275,0.18238705876264355,0.21032844362929776,0.24643648769416104,0.300183797953059,0.3523523108113152,0.4128822634256857,0.7234868419714604,0.7603612504232358,0.8327085845172228,0.8772565387296313,0.8190318695841532,0.8501063655169672,0.8557599107495927,0.8874688090115385,0.9269424230305754,0.9524753640276233,0.979222662349235,0.9849363924128425,0.958966593705647,0.9286405592894931,0.9172326153522827,0.9136269498151135,0.9109046544347799,0.9123180587945215,0.9106078775181116,0.9110058537492103,0.9114044031552886,0.910838435970882,0.9033820829251589,0.9115017080699299,0.9457283433896404,0.9974555648517486,0.9716705364112106,0.9021907008368408,0.9021907008368408,0.8097843257867927,0.6941156090224406,0.5654711618577068,0.4540176483116294,0.3694269784769917,0.3045861030796134,0.25795955550576566,0.23368287494047352,0.22210728304622843,0.21524134538614315,0.21282316138253138,0.20607847597168732,0.19236698879308647,0.17375745897817677,0.16489995558947096,0.15276938792527256,0.1463210347754708,0.1384321789415468,0.1343526516057397,0.12277412087639789,0.15991688155545267,0.1776542827354514,0.18725060167116112,0.2046877044546032,0.21533869030499192,0.22066252732922775,0.23930156908675027,0.24616399187100296,0.2567621531352995,0.26262672663342224,0.25908007499757535,0.2592561965018149,0.2613923183503118,0.264217478508833,0.2785709573768899,0.29663270546706794,0.29621063726038266,0.2910944499747272,0.2869302616708441,0.290106952845339,0.2946643254899828,0.29521674067899634,0.29319500309005264,0.2919520038790863,0.30157585780367985,0.32603043859980907,0.34709816379749386,0.35343089538303546,0.3647096677751282,0.38266894831484977,0.3923983342545654,0.39676193843668633,0.4018253111509197,0.4312127564208947,0.4570079473702078,0.47792823465662926,0.4942050024193599,0.5028988948156695,0.5038999369083096,0.5073090484762404,0.5099580218823678,0.5176570894381269,0.532010031061989,0.5543911688175701,0.5845330475648014,0.6120737490669608,0.6456390282951583,0.6920545902126782,0.7613658458301387,0.8563371644852789,0.9675465812680573,0.9671691499121062,0.9682272364478466,1.0
0.8555788118042422,0.8521327511715999,0.8528968780432713,0.8555795388414542,0.8560737457568689,0.8577361104660298,0.8614576417756716,0.8628261213919219,0.8641657587360936,0.8660624547854595,0.8657984164782876,0.8653370633896051,0.8626337925510079,0.860335073795611,0.8565345766028478,0.8537447004715633,0.851555063027301,0.8494840150935616,0.850939183859436,0.777329112424324,0.6651644353958306,0.5885494579497617,0.5332319758147848,0.48771810096569246,0.4390985080001901,0.3904748601644405,0.3614126343843547,0.3226658659890518,0.2632295465710518,0.19662090287014,0.18125018247642405,0.1876768257120815,0.20115025008903276,0.2136705955819976,0.21878335650319083,0.21015864799567383,0.18660283412815118,0.15673718375866807,0.13514128135208653,0.1160643907903171,0.10374296810266964,0.1108388118736503,0.11656207520257492,0.1251906468973612,0.1380407589464288,0.16360194594225153,0.19098482650110618,0.19339341807872387,0.5536358722880083,0.5854914325055027,0.6718197269556606,0.7303873087321153,0.5926370680717832,0.6578972472033103,0.6734099931624599,0.7312185287851983,0.7738178922487466,0.821582673927616,0.8640022193908634,0.8770175891065524,0.8423214140494099,0.8063562044178516,0.786558724757729,0.7799393800390411,0.7756204507477582,0.7773439747614589,0.7771736953655505,0.7801897622210059,0.7824268090989532,0.784477601016821,0.7853608727085171,0.7997534408191238,0.8428000342759034,0.908647333512563,0.9099061628242091,0.9113030751960507,0.9113030751960507,0.9104822619921316,0.915451839238088,0.9089154174520957,0.892879468440068,0.8690291060408069,0.8175071478068731,0.7684944440564433,0.7186657634148652,0.6778408687400022,0.6483208027482628,0.6172264794811223,0.5731429629727167,0.5294591821035398,0.48029498387880887,0.43356136074456086,0.38007340574228793,0.3454253570376519,0.30465718217763504,0.27470738891029384,0.2386744404218668,0.24354122222076882,0.24039399000827377,0.23204410626146696,0.232079275542387,0.2372382361996119,0.23885330181843636,0.2551164122142161,0.25937505582262055,0.2638653480961177,0.27049891556555283,0.2664852434601297,0.2692266078138993,0.27592120372662027,0.28204937132974456,0.29920327488889825,0.32034420915150486,0.3295951634452385,0.33780891488162135,0.3377477041345087,0.34064171707203383,0.340616500241252,0.3317658943542404,0.32034400731012547,0.3044798536299726,0.2977091687593929,0.30241462878925646,0.3088957217914374,0.3077119341488275,0.3134528146537205,0.32892297095186496,0.3389239099380024,0.34457350846214757,0.3466299224823864,0.37959541586788986,0.4087563894165967,0.43473650606333436,0.4563598480774589,0.46915305593596573,0.47193394199968963,0.47796400174111975,0.48257085775299463,0.48950554745699937,0.5041149829341015,0.5268116017353808,0.5564042228426711,0.5834400018569457,0.6135344379228225,0.6572203542015329,0.7224479592018689,0.8144096364299829,0.9258287528414286,0.9318529401454008,0.9339513168576676,1.0
0.8822710049155983,0.8802922479223326,0.8835296861713318,0.886511317086759,0.887473094334334,0.8903990884754001,0.8935396405228848,0.8933686861120467,0.8958532853182868,0.8947514615004086,0.895089478754718,0.8922928977088046,0.8886667474773304,0.8858533469157377,0.8810229578427029,0.8780685403984281,0.8747756639890696,0.8722822290510701,0.8725589501771108,0.7968757131994224,0.6819872098313922,0.601936918049594,0.5468014976044262,0.4993727793314815,0.45160153435187345,0.4029652881784189,0.37384547712961513,0.3355958075383385,0.2792020632177533,0.2125778835182976,0.19302356135587284,0.18512571721114685,0.18072159299296486,0.17923470401054314,0.17727026940608792,0.1722048586682815,0.1538129168731568,0.12936473765272277,0.11337848914389692,0.09086528202876543,0.06943517396905446,0.06120025986801425,0.05807514521018259,0.06470541469057839,0.08279263126676151,0.12412496566486816,0.17096262290828287,0.21857286514225457,0.6314021835588709,0.6030014656253209,0.7321231981388038,0.7417976578763225,0.6202364838208738,0.6638937866382364,0.6144277472714552,0.6151046979434394,0.6435870068945402,0.6982847720921109,0.7544126099689532,0.7883373824320403,0.7902059629377829,0.7629344435237146,0.7544661254796383,0.7581094789054872,0.7605300543606679,0.76311121810333,0.7697714038512194,0.7683725960100285,0.770973840083889,0.7764314775816176,0.7805665388775378,0.7983686143731552,0.8382564842827938,0.8980680226314669,0.9050023369107822,0.9118789940362371,0.9118789940362371,0.9079829616525432,0.9093117952995126,0.9056251681263645,0.8982811795472989,0.8875555667763999,0.8600760286597423,0.8142196090334474,0.7714043759063457,0.7357844783144012,0.7129049897597641,0.7024363538305638,0.6751495191415346,0.6434094648692835,0.6023383082933693,0.5641722085788932,0.5068111897899886,0.4367426880950231,0.3697880201638783,0.29958433103391907,0.24226655635777442,0.2288544923078774,0.2130010583945588,0.18795680256850208,0.1736806701728828,0.16370245767826974,0.1578950157496073,0.17688338140899018,0.1880808641892231,0.20059196485996256,0.2139804839659432,0.21361509976456505,0.21748161770145474,0.22564349499920838,0.23472138317807462,0.2571323022321433,0.2786977495894904,0.28581637486095934,0.28781769131364965,0.2872509670132188,0.29533360065138203,0.30215979383120145,0.3056609366345866,0.30435845176535414,0.30262400169097514,0.31101344506334216,0.3310428751329261,0.3481563149999775,0.35006610255483395,0.3565466899278861,0.3704498848374768,0.3791487235856168,0.38437769786294645,0.38603311031918947,0.41583734938046785,0.44145850798629976,0.46095180372959493,0.476925181804789,0.48533809359435653,0.4865262497978994,0.4896679274029656,0.4905383674539511,0.49445614025364154,0.5066350325499962,0.5273459012033344,0.5540389011095572,0.579056171424406,0.6088126882192475,0.6505090163755478,0.7141545621511742,0.8027078942482153,0.9086824087936712,0.9068215758345195,0.907886568167215,0.0
0.7157823074969838,0.7132440365369686,0.7132644730018083,0.7129946739921835,0.7145468881233022,0.7163683294611984,0.7183019501683247,0.7185202184686896,0.7201904309915318,0.7205103230724517,0.7194462551056867,0.7183780775813527,0.7170263611559383,0.7161824690837694,0.7096760325447433,0.7089547169896856,0.7085937957781447,0.713583669980776,0.7377999459960627,0.717238612754179,0.6699875457394839,0.6742531187591537,0.7073087200072664,0.7387174460799738,0.7646283429384172,0.7933937606341249,0.8277037954176054,0.8627669941098621,0.8820378517608229,0.897437272671114,0.9027404203066285,0.9222173055242255,0.924321188636859,0.9268577855019091,0.9249898407956335,0.9210692779451685,0.9179340253800097,0.9133481693375228,0.9171365961710725,0.9140299020098508,0.9116417046328722,0.9102325834588649,0.9132602522336964,0.9147189762295758,0.9162049095487215,0.9199375226238544,0.9177567867142489,0.9094400447760966,0.941629205142268,0.9295236259898407,0.933900084653797,0.930784728669251,0.82857760212293,0.7851818472279373,0.7121492176651453,0.6702692187741671,0.6337117415489459,0.6056454597726837,0.586550444926333,0.5101048936116757,0.43920829574062425,0.38222938313777466,0.3491044344044605,0.3444927865063827,0.3401505963615094,0.3416847735175501,0.33901527734169534,0.33801614114210404,0.3389773986625763,0.33346672901599717,0.340779953772517,0.3487184431654398,0.3629084535936078,0.38874101642234815,0.3913052647686221,0.3891200708234219,0.3891200708234219,0.38683078659072306,0.39105228251618385,0.37905341456460434,0.4006948039364292,0.44507561693427944,0.4707894112418215,0.5012165331930684,0.5378493144252513,0.555155338081849,0.5790849649611702,0.5904639845671942,0.582831651827338,0.5594038444207157,0.5157590448570253,0.4613675744264548,0.3923972640533556,0.32376577715749855,0.2451407054423862,0.16634636787758478,0.083825336063163,0.06326185184021726,0.03148606233955237,0.007074345816281247,0.0,0.0,0.0,0.030852483213815063,0.0504356550241582,0.0635470669665778,0.0765762411808461,0.0791224626473579,0.08104290238692125,0.09070279901264411,0.09988154054521159,0.12475719276550212,0.14551104917043922,0.15218490864423467,0.15334146014718864,0.1506444947012926,0.1538767928146203,0.16028216930626177,0.1606540621720841,0.1565955418399222,0.15019440534893397,0.15612122252383703,0.17124534713713074,0.18435691516597125,0.1818604069397437,0.18600921257070263,0.2009395802901437,0.20926348418802704,0.21396819876087464,0.21408282024950814,0.24885371464323458,0.2778390984674317,0.3041710141630736,0.32334984798551686,0.3344050538997456,0.33441137720479014,0.33709525000983304,0.3357271762799101,0.3437703053271026,0.3516647810883863,0.3724311107436942,0.4006610189998874,0.4232869297388322,0.444547473291386,0.47332856685394586,0.5185729926356522,0.5823299962315132,0.669451656388037,0.6744658810210712,0.6756848912454733,0.0
0.5677493705161781,0.5633426931795427,0.5672262657200915,0.5700939249900662,0.5746757576945414,0.5778623246051362,0.581875518055024,0.5829895705406338,0.5859476785222882,0.5877209673368925,0.5879767744208344,0.5899970323742828,0.5865752018657767,0.5974952569027294,0.6298105476577475,0.6801237424892489,0.7277790137674203,0.7721975031791606,0.8054622676723793,0.7448509719700493,0.6451250846716651,0.5665983515307899,0.5103101208984056,0.45749545061744684,0.408474126126199,0.35644741266008495,0.3269640339005942,0.28705795392323763,0.23236993388991423,0.16882379466847475,0.15375120977735374,0.15084147138916804,0.1504731179054663,0.15518751817930637,0.16307551421439048,0.1787369538131668,0.19510935684748434,0.22374733566088018,0.27518307509290213,0.33404954650283913,0.4081566610558919,0.48404297185777134,0.5557705788800122,0.6274112848849676,0.6805404579482424,0.7429014044343257,0.7795483559162846,0.8047715652411018,0.9058907752789871,0.9210954656504271,0.9302086993564651,0.933113440325797,0.8383544641413565,0.7961429330808243,0.7280584452381531,0.6859043224055836,0.6587383558473123,0.6350476517788166,0.601858256081765,0.5349439619400829,0.4690635259817527,0.4157465204750771,0.38107842075237464,0.3836270852130048,0.36983997894876314,0.382502297364289,0.38412202402612106,0.3855845281255979,0.39463319163782257,0.39871630718115214,0.39919021484739803,0.3941436218553365,0.410748580860244,0.4424739915810617,0.4327818435312368,0.429234839859709,0.429234839859709,0.433662454442249,0.4464246427638102,0.449798933461756,0.47665683646627,0.5302127495008092,0.5760823307528125,0.6072799804282601,0.6462375494178222,0.682653755268864,0.7236193265144435,0.7699854318706265,0.7743082129871919,0.7845046014255994,0.7905160227163024,0.8024441996365148,0.8125166778064383,0.8215522245898768,0.8496403186331581,0.8658745168946979,0.871260507382718,0.8746173464638045,0.8581008195126869,0.8334795812866003,0.8302804801075875,0.813000766631964,0.7636051589702967,0.7027842672090954,0.6330349030552256,0.5756846283174907,0.518999828179041,0.4520821147017075,0.3976071201159767,0.3480014798001436,0.2986922527093848,0.27359231932470124,0.2688996675647861,0.2551781066475253,0.23601950940753125,0.22425816181065827,0.22653275947620227,0.2301336603761187,0.22995136440566638,0.22881427371987484,0.22826324576805168,0.23178357020627827,0.24630125909998413,0.2583160287943637,0.25503971199286585,0.25639763134108284,0.2655912532658456,0.27111004404333006,0.2716344906537089,0.2731573380946537,0.3019492405208748,0.3211100643652298,0.3405827344507336,0.3468209793457444,0.3474904717856358,0.3330975569531753,0.31002741604216405,0.2857012326513473,0.26604542019471683,0.26162686062489204,0.28178581141163517,0.3110575801679232,0.3330005369068222,0.35292647315904446,0.3849681279863564,0.4293230862502453,0.49496648654927367,0.5820073624037344,0.5949094718461755,0.5967389245829818,1.0
0.8627215084126403,0.8568415098052238,0.8560113515238654,0.8549256606156426,0.853176558347841,0.8532802335337093,0.8554549130139306,0.8541697082874902,0.8558060843381596,0.8548308901518937,0.852727921939828,0.850639274550729,0.847576265591526,0.8448736878954518,0.840881182880076,0.8384504104987507,0.8341278036116473,0.831725694323708,0.8314037453318914,0.7569029572184822,0.647940186221827,0.5708421662042091,0.516381353084036,0.4710027201941754,0.42376664366976585,0.37319697201251134,0.34374398831516045,0.3028981069674165,0.24241679187744397,0.17226405708425097,0.15147241584801485,0.1428521617668463,0.1395247945964726,0.14974190847875563,0.1629774354755254,0.1754662721782636,0.16791698994223692,0.14910517609689078,0.13289686998022765,0.10921611328379927,0.0880131786219222,0.08377684590494039,0.0852351985775357,0.08685790124968756,0.08785973218359039,0.09231385548387872,0.09950808102128028,0.1035400236388127,0.48660154202955935,0.4849775430686614,0.5697918485842537,0.6269103068956337,0.3515853326562671,0.5303953524195412,0.5125222409211445,0.5510123020173764,0.6075918184502299,0.6700194246287743,0.724261558128748,0.7540304213858045,0.7317732521477879,0.707642971307749,0.6881839359291337,0.688298599671243,0.6879747412560604,0.6896814756227462,0.691403294912133,0.6941901692164427,0.6976949084625037,0.6967901890702902,0.7017551892645906,0.7117467479907527,0.7440815943638723,0.7967718385980814,0.7972454977302827,0.7967465889310488,0.7967465889310488,0.7967103747545601,0.800630654953237,0.8068373302490437,0.8191802879219008,0.838877850647987,0.8494769696803472,0.8622062974052015,0.8729589246477195,0.8852182318581869,0.9008198675941808,0.9100959821112882,0.8822321096967336,0.8449582747410206,0.7956207439008669,0.7485761763918772,0.6887443993981976,0.6467057471901432,0.6055949474796755,0.5660824161412189,0.516572670008973,0.47739730333868763,0.43343797907356796,0.3864225172913475,0.3632965305841378,0.33526399432469545,0.305764653038945,0.2981052342189673,0.285007518465817,0.2787625209630876,0.27867496825445304,0.2697240630852747,0.2665257489376023,0.26982544223828375,0.27399704951521753,0.2941763733538758,0.3169341442953697,0.32749262102828514,0.33163247899806125,0.337489002904264,0.34941336366354664,0.3619399701700803,0.3668673467834673,0.36725735181134234,0.3633775246858544,0.3542149372309163,0.35451321964247795,0.3434690128114292,0.31820800454078524,0.30578884874931733,0.3043165596855627,0.30291209416274384,0.3011484416186522,0.300583572193598,0.3334758365164039,0.3637249978108264,0.3907356747908436,0.4119376004012952,0.42504016463689887,0.4298976501839418,0.43396402202458223,0.435176971029819,0.44226095927757786,0.45363434066228286,0.47609775206730487,0.5053362381201565,0.5329562883209307,0.5628330516036237,0.6048826467010763,0.6659311709848257,0.7530184294370739,0.8552586387136492,0.8586926047253418,0.8614245584004904,1.0
0.658790489359003,0.6532583357867131,0.652934085430636,0.6538460659279194,0.6539142099378179,0.6545325323564554,0.6560766365246467,0.6556718236651937,0.6571168317392838,0.6572391570524249,0.6568965746320353,0.6530478604204862,0.6508732457307757,0.6513856999853258,0.6473633169934416,0.6577429880832373,0.6879895112336673,0.7509976789643884,0.8679051784260341,0.9119510046072925,0.9110328199247664,0.9307828347974605,0.9531935749793279,0.9718305687063883,0.9741054517491639,0.9607200741714297,0.9533945055774864,0.9524105377395657,0.944008559968354,0.9325503054124277,0.9232508176124874,0.9197840908094909,0.9184209140245562,0.9182342266747663,0.9223167911927153,0.9239742155808479,0.9268246959517097,0.9282468630871296,0.9251623797115196,0.9220459146618334,0.9219592742620604,0.924559141753538,0.9221549622461177,0.9241139415124913,0.9231389576193123,0.9271428676041624,0.9246398775067706,0.916332915652607,0.9467374407570087,0.9345618305002772,0.9400431393727706,0.9347958221020234,0.8349540448221632,0.7874045047481941,0.7154578284657507,0.6724871250027173,0.6345462334772738,0.6076122797069157,0.5871991304074672,0.5187723748699644,0.447195594994675,0.3915507858159817,0.3518306676837829,0.34980906845840465,0.3462758568387095,0.3471390262831071,0.3463403267233134,0.3451032254063395,0.3435116366288106,0.34189133140204775,0.347567266901192,0.34913247637541917,0.36325748621084986,0.39275348592110515,0.39598550837819185,0.38799056485268046,0.38799056485268046,0.39864383222007643,0.3844158452777804,0.3703866679696985,0.3850222282768241,0.4195709202082061,0.4192937334108664,0.4424880551200419,0.4350235376946725,0.4272163714937107,0.4243490222817135,0.41492476651173305,0.3792107809086644,0.33941736769273934,0.2870313069425481,0.23569286931623912,0.1816265400584107,0.13244118884682812,0.09127940586882982,0.05182068665171646,0.010988593638826205,0.0363907200890039,0.04590913383592965,0.0452723550975882,0.05323671967234728,0.05585179697722176,0.055293718401973835,0.08065544073284697,0.09244933141323913,0.1002132408370629,0.11047859235789842,0.10883342490077935,0.10597116347111168,0.11156934461000062,0.11898192179085465,0.14165725926036826,0.16325091989264734,0.16794820890361933,0.16825427021339723,0.16510316291664112,0.17012449710960675,0.1745935621691858,0.1743025175850122,0.17091237631747103,0.1655870514778548,0.17180278691710976,0.18524134790882962,0.1983251007039441,0.1937170309111632,0.20062018520047964,0.2160518347396826,0.22436690696031547,0.22666728908257222,0.22665634923687955,0.2619387552256081,0.2894308676489873,0.3141200238692244,0.33290517007468906,0.34371441702876865,0.3439051992950011,0.34490065215272825,0.3454433701921639,0.35152406414333676,0.3616548507697439,0.38245319185631277,0.410631258785122,0.4339292401433648,0.4581321682106855,0.48644605685431186,0.5342520639788878,0.5990109584101759,0.6847153786433011,0.6865802148518508,0.6897798660805321,0.0
0.7525285871150419,0.7494625883986112,0.7527614820866447,0.7519570038118132,0.7504083319997658,0.7478201576984992,0.751223500825221,0.752134104545239,0.7497218894624941,0.7366437153550989,0.7104370385946522,0.6682775424596236,0.6142471046625747,0.5618713140219621,0.5244944023491976,0.5063502890886362,0.5030396396274414,0.5106626066136475,0.5298812186830353,0.49489339048628067,0.4307219992407667,0.3811553339484812,0.3459266603365956,0.32812886263423147,0.30719560212933766,0.28663875049668375,0.2884368270405244,0.27068651950175227,0.2235403475290702,0.16315166683660903,0.1489924372321258,0.1430313133846733,0.1375861757373773,0.14293343958060495,0.1461802885042659,0.1459074463238032,0.14394358452014394,0.13598903951272046,0.1493520297333667,0.1828265385604889,0.23965046369754714,0.31034672888106474,0.3876594663423404,0.46920612270193657,0.5361104669497123,0.6075230445630884,0.6765556943806794,0.7217046632723416,0.8608556447189929,0.8754412981167119,0.9056943795498297,0.9217917265310933,0.8384020304982376,0.8075606241789047,0.7543699826015068,0.7173967900622494,0.6814294489403085,0.65668931839877,0.6390041818695608,0.5802856784890835,0.5172948387842113,0.4635747650590506,0.43055913707229176,0.42908631177921985,0.428120418720118,0.42632957637071434,0.4269055073402013,0.42781381091022114,0.43002144816963433,0.4275940030382377,0.43584141828343415,0.4397998256405173,0.4621102545989605,0.4981739671571973,0.49853422771540506,0.4992145219917492,0.4992145219917492,0.49998778687473794,0.5021145569697808,0.5041753370335407,0.5362884821646141,0.5802502343542133,0.6175351343054731,0.6506648133308638,0.6804104933556882,0.7118262908572949,0.750514792018269,0.7870708082014548,0.8014398697388265,0.8094298176121453,0.8088593124377121,0.8140471419942635,0.8075641875337125,0.8102731219554149,0.8187690238496859,0.8251744825010529,0.8170364978155304,0.7978055659338503,0.7738916675038254,0.7544539575210586,0.7493538344605418,0.7354018893376381,0.7074394178960436,0.6628997958415076,0.6164972636210253,0.5799047628783714,0.5547946439816728,0.5183250732814261,0.49376215600359297,0.4617905043343729,0.4317072341614133,0.41554750247591404,0.40172610840013123,0.3784413667066195,0.34690011016982936,0.3148433095647306,0.295261740380765,0.2725478303971973,0.2507106273890201,0.22951162120394392,0.2093888100296744,0.2000827727283057,0.2039922348879743,0.2051308495345085,0.19502859245137266,0.19886364596179185,0.21035511496932263,0.21888219803289122,0.2232262139909224,0.2267779488115953,0.26354174201498304,0.2942423649203726,0.3216141018980712,0.3430485740744265,0.356525976187833,0.3584353584735776,0.3591026753860682,0.3593948301665981,0.3683926224125859,0.3799712453893325,0.4026696034134647,0.4318677485889206,0.4569546631563051,0.4796314085102616,0.5068295503127895,0.542350814001177,0.5873924189242555,0.6433066927636938,0.6119511545589185,0.5794364404080597,1.0
0.5791186504435215,0.5739346863272927,0.5762838725836527,0.5787148232550325,0.5800622934530987,0.5828132550539513,0.5855874966467278,0.5873823071660108,0.5903236557897816,0.5907928680038474,0.5897463559961821,0.5890717590006761,0.585598431977729,0.5849293788004475,0.5855872842957192,0.5936665393396361,0.6273040669143263,0.6805418994118553,0.7311603668893223,0.7077120804716818,0.6323213521149014,0.5730724503494833,0.5244200321850092,0.48313532917102536,0.43692872343259426,0.39138908416623364,0.365257518427585,0.33170261160874626,0.2804337913433279,0.2146812688068485,0.19469244703034205,0.19940312648669373,0.21328953453142194,0.26212903896235074,0.3235448785148166,0.39970216112352674,0.46877930425342634,0.5343650753835397,0.5988138923636541,0.6580632063908318,0.7096508689918,0.7584419860065752,0.8035518471023178,0.8470814407123433,0.8791831199701929,0.903968459205843,0.9154189283445462,0.9139743972738525,0.9483371625327358,0.9388838189874358,0.9424434850137757,0.9382984785844828,0.8395688317320118,0.7925847168545959,0.7181198198266363,0.6779455701569375,0.6411722711430994,0.6159078170228444,0.5945679621692159,0.5225264750180085,0.4530214815931545,0.39812871748112444,0.3602773167545873,0.35898391678199415,0.3535630184410014,0.3541715778137404,0.35554038967599255,0.35880691022015204,0.35692743416944733,0.35609125243281425,0.3610872759848903,0.36782878329466256,0.38275017184081017,0.41297001053845994,0.4165318499731027,0.41713759323987265,0.41713759323987265,0.4215428833161206,0.42675736082466953,0.42766982651877933,0.461789582545862,0.5149449207392907,0.5566714846844012,0.5958423648469904,0.6294557109922231,0.6620345707932185,0.7027378687383635,0.7400105630212139,0.753101359881485,0.7625296926318844,0.7600854109099513,0.7628242865824764,0.7551162040578878,0.756059777801221,0.7638981135179111,0.7748171357729692,0.7654325568792678,0.7481299018346459,0.7243306397511624,0.7056900853604735,0.6988933397850461,0.6787391030912383,0.6421635680229125,0.5914231997924269,0.5356945282208582,0.4775326702120142,0.43525531345115176,0.37728204196623516,0.32656693744570997,0.28348569986462757,0.2524778636413422,0.24928182625162254,0.24861952248552688,0.23886310781965286,0.23539299394731322,0.22916752221368825,0.2298163206705232,0.23220358590832163,0.23135070639595418,0.22828936828900526,0.22166185530179294,0.2284170463827937,0.24643059685174662,0.25859710253416957,0.25766968539587676,0.2578055655726172,0.2697423984393658,0.2748706826423146,0.2731781904503583,0.2688585936858091,0.2960594118779554,0.3183708812459915,0.33176861184993056,0.34042370763100094,0.33384492046938247,0.30507673238493505,0.2673047164331226,0.21314122705504623,0.17143532284425889,0.15896398810848433,0.18805060941160545,0.2366848345972844,0.2748017033316943,0.3043181757635165,0.33575791909938935,0.3718057809240207,0.4246000134250726,0.4924718921929434,0.4991066624850442,0.5038798854464003,1.0
0.8507353613445527,0.8482663256011573,0.8518260130235313,0.8529092043715686,0.8551284440652004,0.8572251270096479,0.8596085502998352,0.8624787404620335,0.8657623818791411,0.8677419686272516,0.8665737322076179,0.8664223336053689,0.8631879284692696,0.8618083222856772,0.859159191894167,0.8579163998387659,0.8555150804613694,0.8552810933704567,0.8579978626883857,0.7832368387957432,0.6713844661288353,0.5921668586663635,0.5366302181884188,0.49098954938109124,0.44141410961024297,0.39200311764526086,0.36251467349995836,0.32284580694856824,0.26458013207216435,0.19660938989708937,0.1763340904510477,0.16849629936122779,0.16410061450724173,0.1619076581071573,0.1606297399317131,0.15553824238981623,0.1373596797845461,0.11281385372073699,0.09690470368112702,0.07468106122675483,0.05246368734468976,0.04525870309456265,0.04249117861142965,0.0412532284771604,0.03789569313164065,0.0369345651718494,0.035012688321374996,0.02387354005045328,0.42220324947510934,0.4057966596219904,0.4845426075506415,0.4892044077824053,0.1826340407807735,0.2550973447706819,0.23814604138981663,0.30355237754945413,0.34491231190354876,0.3950540739062553,0.4425180668981735,0.43258992401916746,0.44131143926252203,0.4674916098260987,0.5084677411838247,0.5502626377177767,0.5747662478958526,0.5803789977621429,0.578383738029046,0.5815611432309575,0.5823021775169879,0.5842877344185912,0.5903058349552511,0.6068812166178756,0.6441225350263347,0.6983817553337598,0.7009534358138416,0.7096057855079168,0.7096057855079168,0.7117228281511101,0.7186085097893516,0.7233773375231851,0.7402312047783599,0.7731131175603797,0.7958171153791095,0.8145061535831744,0.8335327237057825,0.8543784955650815,0.8869260801243042,0.9220306047118327,0.9303072237988188,0.9399150268395529,0.9423288224216239,0.9506784409789493,0.9512589816330399,0.9631265276062437,0.9767785321540353,0.9767674631759692,0.9421453103819778,0.8861670120068781,0.8290282203432238,0.7872453335058268,0.7657262337979892,0.7439274292207292,0.708655141684426,0.6544016830177073,0.5815238260120564,0.5207962220783372,0.4522018259589351,0.3733634840631182,0.31010119175239875,0.26022067462826703,0.2162375243762385,0.1983336135311522,0.2029671763848882,0.2074421305390285,0.21212395596551242,0.2169117268123643,0.22558994409384237,0.23287124658302455,0.23320959624663096,0.23190110915819173,0.22955511449830796,0.2382723366738378,0.2587364362334158,0.27659511357562044,0.28215919109922905,0.2905748355283112,0.30570894615319844,0.3136796042123695,0.3179081335793622,0.3189902545374636,0.35115393644354165,0.3790755419943595,0.4016455672143555,0.4192613757487133,0.42764875086630244,0.42809850119943693,0.43033845820935435,0.4318695646313354,0.43890624111928184,0.45112914057767584,0.4730498912978821,0.502061063859155,0.5283341573623145,0.5573002540663161,0.5960926213855205,0.6553519017135929,0.7415352191559209,0.843998751205562,0.8468118371913486,0.8515493763378159,0.0
0.9332901723788048,0.9320398628802753,0.93332883051176,0.9348345772035451,0.9365699055155758,0.939240679453441,0.94178184407351,0.9432524604128079,0.9468212055115677,0.9463435668694131,0.9460604214805658,0.9450582995691283,0.9413439594081493,0.9383122312724299,0.9339419583103097,0.9334065952275264,0.9306018014114561,0.9283185438202581,0.9290445940140653,0.8487495544685744,0.7265143421104154,0.6413264191638335,0.5808825182116577,0.5308826642226057,0.47941343234814204,0.42832266609611724,0.398166389227827,0.358349756742112,0.30206480108416855,0.23725523186709072,0.2185972129035233,0.21114894451415037,0.20658499330502647,0.2053531046491922,0.20299434438721034,0.19891472735282875,0.1810452447009887,0.1577987584789402,0.1422944624215352,0.11972863011847662,0.1000336848293989,0.09227852236405115,0.08995254200933173,0.08945069905379954,0.08493137112565535,0.08996073051663445,0.10189698972796551,0.10576542124305971,0.49260377819613865,0.5055383969796982,0.5983625278684934,0.04312332579638112,0.4060871744771233,0.024763480461147125,0.4211405157305237,0.4575340676628511,0.45577489525943005,0.47382777199552606,0.4976099170289162,0.518596131407836,0.5596480281216594,0.6163476412356425,0.6892841778705141,0.7323152232499242,0.7608015528370085,0.781612124538349,0.7856927594976889,0.8018016372381738,0.8118872256143503,0.8130837044585227,0.8233824333511355,0.8337003310418876,0.8749603380413005,0.947492713257916,0.9464901740730947,0.9501118379993976,0.9501118379993976,0.9523098212844598,0.9492619253124303,0.9552015249502044,0.9487074597598157,0.9478686632641751,0.937595881383985,0.9181862334906515,0.8821142206286768,0.8456155172783153,0.8142111130886989,0.7853778631724437,0.7443128432690187,0.7107069306890491,0.6688785200044984,0.6386834844509459,0.6018006056157981,0.5748952124928695,0.5459528944936748,0.511788430322557,0.4578567877947627,0.4180259235746087,0.3633858375388809,0.31133740141123956,0.2839380954730728,0.2505689735841108,0.21924827582035245,0.20668247060937733,0.19658990775961954,0.19435260490783723,0.1985401465381011,0.19715067723255586,0.20230896142602467,0.21862951395047658,0.2357185171833141,0.26587624187739917,0.2913981534770622,0.3000160048246801,0.3021031525013745,0.30098757602721365,0.3066951841884746,0.3117080082260398,0.3122020117234494,0.3113785745669974,0.3089797753399601,0.31714695504624985,0.33723406529614813,0.3538401513569283,0.3554067241420965,0.3613460748105117,0.37457166107442064,0.38070520197758484,0.38207469881751815,0.38246477926035843,0.4100089788606679,0.43418712183490865,0.4526237262959243,0.4666893813516214,0.4750119300772006,0.47536993253961957,0.4780935321424436,0.48079071299612497,0.4877435330251936,0.5030078105684115,0.5258662440671262,0.5544405378831494,0.5825326051603643,0.6141913581644881,0.6584212250053303,0.7230353239064924,0.811290154462829,0.9169838095486322,0.9172654177969632,0.9174483053155247,0.0
0.8335800434091261,0.8297267388871139,0.8316703039298164,0.8336288022658214,0.8351651125114472,0.8367288283489684,0.8400719418842013,0.8419027123464835,0.8434700362214347,0.844741581304455,0.8456677751811927,0.8459665645914081,0.8440213612334786,0.8430392988680087,0.8393777883669109,0.8381152879431619,0.835471582445191,0.8342893194485149,0.8360547631653119,0.7651122261884333,0.6556639250881708,0.5796219000261045,0.5249979719919836,0.48016426022340003,0.4322495327279281,0.38298967916781285,0.35387580755137055,0.314780453726173,0.2565860969268667,0.18984883257057755,0.17156598739611129,0.1635798195532986,0.15987978523897262,0.16437448375625868,0.17481626884875784,0.19232734561249198,0.1942559093420208,0.18079792521707772,0.16983803889930021,0.14798787536562355,0.12285197549556193,0.10853029955345589,0.10195994138139186,0.1068271962864033,0.11272960895763734,0.12568246324435803,0.13193466901354578,0.12595635685720913,0.4889810493610808,0.4849996920353867,0.5666987688898378,0.5908467059765267,0.35698852036494044,0.4257948346496728,0.41961438931846406,0.4607936665672522,0.5038513137541214,0.5638607552205581,0.6311645358265402,0.6696909701553795,0.6939718575806755,0.6920681077343602,0.6771320829542102,0.675467939899201,0.6717475177893846,0.6705696501602038,0.670140233330553,0.669549465492667,0.6720056948837885,0.6703704700412926,0.6703642082573364,0.6812843991749864,0.7129679456090716,0.7641866809734629,0.7664338741461554,0.7650969734551742,0.7650969734551742,0.7628152802321551,0.7586867826353966,0.7599068265097118,0.7760672930621297,0.800152670524767,0.8133090917033023,0.8334114272698959,0.8453222151858322,0.8635925813045385,0.8865962093689634,0.9104219534798765,0.9053825267557958,0.8987110853404483,0.8758839244487788,0.8522262005151027,0.8154873372560207,0.7837973356730241,0.752606772737274,0.7216822467829014,0.671103660888815,0.6299583596185596,0.5823965854829503,0.5361404596717181,0.49645074173828485,0.44682835931898374,0.39709708527701365,0.35203515434267374,0.3148967419165787,0.28339413337286196,0.2661124646735351,0.25245090780534224,0.2514023219547311,0.2544487344050936,0.2648961897276284,0.28630487249320824,0.30804916619109735,0.3148097655029663,0.31523067310434777,0.3135942963555883,0.3177104141689895,0.3221571101761902,0.3231162801542358,0.3177851853491706,0.30965559744634236,0.31232420146690104,0.3110650249802467,0.3092211097635839,0.2853406460527004,0.2668830556743082,0.26074190203419384,0.2499842467204632,0.24045970049635568,0.23347499099561786,0.26804666014400397,0.30176389395713876,0.3352018512256211,0.3629898776036984,0.3853591221726345,0.39763901599952073,0.41097292754182324,0.42147399875148783,0.4313115608222063,0.4442502513052419,0.467024647763722,0.4967419428037786,0.5222169997188166,0.5508665330988226,0.5907680445754746,0.6514093899894796,0.7337375328020038,0.8360017779298241,0.837839291473853,0.8388354486875028,1.0
0.8313589267959741,0.8293978997994145,0.8326207040235087,0.8360833975151603,0.8371122660022412,0.8389132460612434,0.8432620647133653,0.8446616413524293,0.8484877274347178,0.8472690158727478,0.8455848732838134,0.8485292938571736,0.8458637731596135,0.8419704174477258,0.837340574459333,0.8348802121523137,0.8359378605104888,0.8345122720566684,0.8362057243979669,0.7654237844005857,0.6555708071431867,0.5787361810659801,0.5257998786447771,0.4823409373760204,0.4356301740919343,0.38672826563152696,0.35760842026212974,0.3191395682116561,0.25958261506189917,0.193113911727733,0.1733057849443651,0.16782418743689514,0.17210621789324093,0.1866023307388216,0.20693132681436974,0.21262282929486767,0.21850664204356196,0.1866635206378206,0.16529309852254834,0.13592242812730415,0.1250502343447247,0.12404086718516025,0.13060147333301705,0.14467323747797037,0.15361539389007597,0.1701913046574736,0.1912082902299854,0.21281737389588978,0.5645285449358641,0.5769462938941825,0.6652798775407289,0.706022789683383,0.5618111428067326,0.5996231075114751,0.5872413572019368,0.6256631921434621,0.6656842129888634,0.7125805785758403,0.76468378163098,0.7888212541305932,0.7802345611783148,0.7511995062152101,0.7324639102209203,0.7301511820030764,0.7271335495044897,0.7280666189263522,0.7321778692017996,0.7287961380792052,0.7354655214961219,0.7349404124793443,0.7357322729114766,0.7493138676629021,0.790114634592963,0.8458985060276162,0.8536102793946312,0.8538724580233645,0.8538724580233645,0.8548456492457477,0.8563171253205674,0.8511893624245257,0.8524481420153764,0.8566962690534039,0.8470601357388278,0.8276679768860771,0.8123314838354291,0.7986738064659553,0.7898223336500021,0.7809311377102006,0.7500089286696697,0.7102749415680428,0.6673904706343885,0.6298728483708802,0.5858416417402014,0.5431635791810511,0.49638047042050426,0.45842130070151316,0.39625374901223814,0.37331911906116605,0.3487237230881643,0.3132174124200856,0.29823794348466626,0.28187038197918646,0.2676170991718861,0.27369725272109546,0.26691804076978326,0.26979428577270237,0.27218481801869926,0.2657145987180076,0.26251867283207514,0.2727934025198159,0.2802303157894509,0.2968304363771459,0.3158588368547692,0.31781387001984945,0.3200725643841822,0.3192732308605205,0.33003148337644544,0.3374121107688688,0.3404240631770499,0.33766163341256866,0.31976344500109916,0.3218486831527997,0.3299918436145883,0.3226431700376704,0.30369574903843183,0.28833000356682814,0.28905678961170395,0.2853320987675951,0.2853509360256373,0.2865165804374387,0.3217293010694525,0.34974936467403944,0.3717667968159133,0.3881978591605431,0.39734080163936986,0.3997716097007124,0.4046241512507316,0.4065477147256824,0.4187824886899037,0.4360119648130176,0.4626477731916582,0.4941002364393536,0.5225470796692052,0.5569722838521042,0.5978233746139505,0.6620126959219701,0.7521513718668599,0.8543986190788844,0.8651290061655502,0.8732793768037939,1.0
0.7966466865285264,0.791800119480955,0.7920062911300338,0.7937758486051398,0.7940590602381683,0.7941519728123756,0.7962903682528072,0.7972346219627129,0.7987596528734717,0.7975793957971454,0.7960407263129111,0.7945517044548179,0.7915319074998519,0.7872738409102837,0.7852049065882744,0.7844856351426355,0.7889592949053907,0.8262837490872331,0.899080845073378,0.9293815763947488,0.9232262806361802,0.9371324818024714,0.9712208550004124,1.0,1.0,1.0,0.9999999999999999,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,0.9999999999999999,1.0,1.0,1.0000000000000002,1.0,1.0,0.9925031984882646,0.9889363141656424,0.9777187429884595,0.975032015719567,0.9714195366615204,0.8901736334582053,0.8380284818808823,0.7724919528484507,0.7279427081017229,0.6879095442929057,0.6599823329486637,0.6384171604684483,0.5751925013494863,0.5108387086154587,0.4536012881116307,0.415181709416686,0.40891380392443255,0.40648645004746603,0.40806149553101156,0.4065172657471262,0.39757580820218613,0.38553287375940043,0.370276081167471,0.3622268448336363,0.3444399838442724,0.3333393608931574,0.31994213665518934,0.2734484914339039,0.2205220435906996,0.2205220435906996,0.1650530440775682,0.10364228383525409,0.021992973703273466,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.04775584400902605,0.07132600602980133,0.08056853887863147,0.09418297577637202,0.10012813488671668,0.10032681074988314,0.12305814516613456,0.13063971193692564,0.13541803156300575,0.14011047021269452,0.13465402828174777,0.13182697975062002,0.13765358175159897,0.14461342509054503,0.16737909763196374,0.1872680372707286,0.19207026548271827,0.19279400220597742,0.1892359296399569,0.1942063735798054,0.19760457308579005,0.1978552832001133,0.1925895828968892,0.18777127266596083,0.19393706703645264,0.20943979789266887,0.2224239426461857,0.21955274733105007,0.22507637751422144,0.2408359234976714,0.24883436304098772,0.2527352891639558,0.25282125971538744,0.2880066865509846,0.31583166569058074,0.33852328712368346,0.35707417930460567,0.368366731699492,0.36975753600342154,0.37154513452678034,0.37277536515144405,0.37903779985401553,0.389886470175334,0.4127678497519963,0.4414495647733756,0.46535321111926,0.4906825142254224,0.5244039140540458,0.5766376134519714,0.6506337375188218,0.7437649667930435,0.7474684627643466,0.7492284219125868,0.0
0.8761929684153609,0.8737217196565561,0.8729641594974535,0.8721592989397563,0.8730980096964901,0.8739725929930006,0.8767311595659621,0.8788190829620567,0.8799438501292461,0.8812258674919571,0.8798601933491833,0.8758245009768384,0.8714225061074821,0.8665641865538926,0.8605609139941996,0.8564605805596714,0.852162111623327,0.8476596457098717,0.8478346653341325,0.7719759115861999,0.6592271457046108,0.5810784523597232,0.5252248030502018,0.4793867598533519,0.4306231215966188,0.38067280007335635,0.350416808818484,0.30928926493548603,0.2485601800384835,0.17888955211883362,0.15759025390230263,0.1489389343714052,0.14310712489181976,0.14107292263032895,0.13940489856048516,0.14012827481388046,0.13752744457262628,0.13323279902034174,0.1343102860975806,0.12379642557845372,0.10560051070439302,0.09167037365855085,0.0825577897385919,0.08437121124859948,0.08528698828412318,0.09142795523718272,0.09416402717463734,0.08577490202561844,0.4637647289720007,0.4631010629503809,0.5518776573793049,0.5897034655926486,0.3756412861472738,0.467902559602868,0.48300826975987377,0.5376023713843218,0.5875272428016278,0.6365364582726163,0.697616225341705,0.7355034220329588,0.7618464782557546,0.7709115054132312,0.7670298445459487,0.7648088024494162,0.7676017572932421,0.7724898931203187,0.7736887321351577,0.7763867596427867,0.7816427528713148,0.7781486914376271,0.778596761612258,0.7884438041560893,0.8295565750578444,0.8905321918285182,0.8912833426030131,0.8903544161952748,0.8903544161952748,0.889715638531724,0.8916344914695716,0.8912787880192272,0.8972819144139392,0.9083008612509615,0.9053734020392742,0.8913234259933991,0.8714879004198597,0.8516303344427724,0.8331610978438218,0.8112575720875199,0.7646615520120261,0.7140676454006619,0.6520266704334223,0.6004324094469269,0.53792784696581,0.486951354674961,0.43259628253882965,0.3832808144882903,0.3322310361556322,0.31485736944808046,0.2900256941928265,0.2665430513423199,0.25952582612241515,0.25732631026213343,0.24896319673471531,0.2625970974150808,0.26382072649546506,0.26765352214766613,0.2732819986405763,0.26817978630645795,0.2696007504373471,0.2760011241892564,0.2813481962789381,0.3043930188077329,0.3311617025255731,0.3460462516845803,0.3560630600822787,0.3654604528437142,0.380968478994021,0.39240032830817007,0.39410240525768736,0.3880616335434338,0.3741334643141204,0.3640388066329412,0.3615940792795123,0.35374711529386904,0.33655289320622317,0.32740242062102737,0.3332239190500616,0.33902652526031574,0.3435633768073387,0.3464051868866704,0.38080247776877835,0.4111636760472412,0.4366359926099537,0.45585488822942416,0.46713079718061973,0.47057364743351926,0.47653204709557234,0.48060080424982154,0.4894830579645086,0.5037123081670292,0.5274208146963456,0.5584351475638405,0.5879120990291559,0.6207586603372811,0.6662411509224626,0.7348959184037376,0.8271615779776724,0.9373210757287476,0.937227407774955,0.9383179140266599,1.0
0.9861793768573308,0.9812441566511383,0.9810167452552206,0.9770398923652829,0.9743290511152243,0.9682685084259698,0.9692574865430073,0.9633615102724877,0.9591421689923405,0.9567275691874559,0.9508273601402426,0.9471251934982905,0.9400935040569378,0.9359342597340082,0.9293750155185758,0.9234100164086945,0.9217223636282565,0.9166982305984273,0.9166431597815072,0.8374091466801707,0.7156566506078537,0.6313298276044712,0.5714906929359931,0.5225861180961614,0.4719538547964892,0.42119442491671,0.3905257323658974,0.3511083126622224,0.29429950991608256,0.22883375955367438,0.20916078419367246,0.20112485950571388,0.19579301490289994,0.19388801401609346,0.1912872783061826,0.18685915190907765,0.1675649073028459,0.14312270717462328,0.12493655701165374,0.10159629599610914,0.08090458089575187,0.07982175510379563,0.10969250512017203,0.17070961393035827,0.2950528533354534,0.4209677381142291,0.5704306623090306,0.6965880571722154,0.8821594277962591,0.9188512554368858,0.9633578951819239,1.0,0.9999999999999998,1.0,1.0000000000000002,1.0,1.0,0.9999999999999999,1.0,1.0000000000000002,0.9675144445925598,0.9266654734522939,0.9107409393495081,0.9060536944272004,0.9056889789362261,0.9019789867540992,0.9056135225681502,0.9123116051201516,0.9172174191847793,0.9101982193916088,0.9021535387308652,0.8812307999590638,0.8577478413893642,0.8252745752617406,0.7116518490534023,0.585726209252107,0.585726209252107,0.457769726871414,0.3486387667149311,0.24784160506650993,0.21300023216413433,0.22309940642968848,0.23415370224386947,0.2348604576935535,0.2390085687436436,0.2514838408381651,0.2541835219583055,0.24840457072491423,0.23930264767523596,0.22440383912456796,0.19245776504312537,0.16645396326083384,0.13800841444484094,0.11685720525859589,0.0993301291511034,0.08922773410957185,0.08078334090005185,0.12378018965846982,0.15237441300113364,0.17054106249082474,0.195438702960251,0.2163544017029964,0.22680339298350302,0.2507543096733639,0.25904889266273595,0.2649199040738157,0.2727090770179403,0.26589759626312104,0.26456502422861333,0.2660275157982247,0.2687822158855007,0.2855312640369533,0.30559826105351257,0.3095495776603193,0.30987311099364984,0.3054594000149695,0.3066144223077586,0.31164722136989487,0.31003715242999325,0.3066848518285184,0.3017225807328167,0.3101244569274803,0.32806989558666877,0.3450726340942566,0.3479551328335656,0.35455681569013703,0.3698928204600054,0.3776765546916106,0.38203394682834557,0.38113425508671656,0.41062283500782304,0.4365905705331963,0.45632747554919295,0.47275285517602955,0.48094058515083754,0.4843735668623664,0.488288231574504,0.4924713928806251,0.5011133497867242,0.5168069343347619,0.5423603829366601,0.572083890980186,0.6000030124783486,0.633624112954474,0.6789303470306092,0.7455525757386638,0.8366380175246129,0.9432155653468886,0.9413455030088054,0.938631487191808,0.0
0.9223210643441829,0.9221379952524226,0.9237853839121042,0.9265218778250743,0.931905625836569,0.9371090716659536,0.9389325290528052,0.9426445736053153,0.944594490358609,0.9447935588609189,0.9424730447503964,0.9429205209630609,0.9401766620279657,0.9371927153087178,0.9348572846067771,0.9301423647513758,0.9268845333807081,0.9226714200913015,0.9209462143009121,0.8396312440559716,0.7173083070967828,0.6308535291828605,0.5705902136852943,0.5206398930608609,0.46977060338540005,0.4182743527829569,0.38786867742374764,0.3486780725264565,0.2907632609765485,0.22453039629560442,0.20438110658238878,0.19678922751096395,0.19089109107048546,0.1904056722834957,0.19001754302035606,0.1843176784130155,0.16599132538244682,0.1438083020456512,0.12941792412698266,0.10906583322711755,0.08915161822559486,0.0846410050495715,0.09090518225295735,0.10952069548898713,0.14684671953187894,0.2114239463009307,0.3180393547823465,0.42586183447577786,0.7196870027774973,0.7665993443836876,0.8277324761024027,0.8473600719231413,0.7366486400510976,0.7400892633000182,0.7202736748333524,0.7446299519197968,0.7762335657424775,0.8103170142871748,0.84506917955103,0.8597645162751462,0.814444382392666,0.780525185068899,0.7611446962449204,0.7599736616909993,0.7528991865116437,0.7529299417104246,0.753588188512118,0.7562622754123547,0.7548438267995254,0.7555183791949046,0.7602346457812783,0.7726784843959276,0.8127920860156899,0.8704082523482833,0.8749522409963524,0.8753897780586966,0.8753897780586966,0.8713830190941438,0.8526330989574217,0.8334963130580915,0.812508926806899,0.7881242077594363,0.7427370592347033,0.7021786663023624,0.6572247190790178,0.6338038747589095,0.6261361530690053,0.6215268649069674,0.602864046664294,0.581828175488563,0.54999363080218,0.5313321892488205,0.43438892187717876,0.39030929421956406,0.33152579929405546,0.29386829412895205,0.24327424153712554,0.22140520270361236,0.19636386630441202,0.1719535357344037,0.16908446318092513,0.1682611581915182,0.17027554561905933,0.19419954093625774,0.2040368227416156,0.21019999136951378,0.21741995717790102,0.2149807826825091,0.21846305610605982,0.22718565691211356,0.2367024547034035,0.26042900343916153,0.28174643909097846,0.28786745015016074,0.28897842788226075,0.2863175865733091,0.2908096945007876,0.29355956941182815,0.2883136997993415,0.28181025605177557,0.27360070801789954,0.27471963631944235,0.2879482748239407,0.2991953125072126,0.29813769087246506,0.300707662021702,0.3110346963030852,0.3163995597177375,0.3151611665928075,0.3131989841358789,0.34237395182576447,0.3670204835811701,0.3881668944503453,0.40494281202097904,0.41451741482181576,0.41420942109853937,0.41633740415242937,0.41759604030807146,0.42548142635715763,0.4360258641914806,0.45908512366059817,0.4870411261641789,0.5133309473305818,0.5414106821065638,0.581343478674826,0.6428643212496212,0.7287061064088185,0.8350333117357033,0.843419297444579,0.8476240901141303,0.0
0.9419972793654147,0.943043249026152,0.94776022916472,0.9527046738164078,0.9559658825393539,0.962313477895232,0.9674503766269191,0.9684000247464679,0.9712071314745823,0.9717694805724921,0.9705938934398741,0.9693031623262673,0.9662445496319367,0.9630182238647341,0.9613230216899972,0.9567229180135075,0.9535452190506961,0.9500106489461579,0.9484328337034993,0.8634526837229112,0.737704705712628,0.6486485082245376,0.5873063883441897,0.536135155151112,0.48438636462496676,0.4319667654939837,0.4008760277037594,0.3606978357706846,0.3017225778932079,0.2345337976232386,0.2134388819488794,0.20324864793332878,0.19624506454089782,0.19439365973777126,0.19135516955502757,0.1846703380005859,0.16564602137477757,0.1404776172674771,0.1248795842527829,0.10146579971236636,0.08168736498249807,0.07751052378789858,0.08730339040955537,0.1200272175478006,0.16823530580084967,0.2269353132577331,0.2768963526760676,0.33427840697710864,0.6915709282074263,0.7086780979360576,0.8240346677222036,0.86380591026201,0.7626764903781287,0.7669835915111732,0.7390609811412122,0.7541082175434528,0.7854375063181926,0.8244404859128655,0.8657576074027341,0.8753077806505902,0.8453371625822895,0.8005241289392051,0.7871246561830234,0.7881842910272363,0.783294341822405,0.7847331923760673,0.7879102836378155,0.7888711000845838,0.7952080421452277,0.7952173891919659,0.7983711215048004,0.811499551138799,0.8522431785305897,0.9153947711163711,0.9158280017807299,0.9193524601767793,0.9193524601767793,0.9178493309043316,0.9046410691212853,0.8746212862334353,0.8341977386062094,0.7790557190252609,0.7079500154857595,0.6564174302831615,0.6181182031254697,0.5889772510034367,0.5726757269021332,0.5969659163005352,0.542460514085743,0.476567194124736,0.35010845738685076,0.2961366994882938,0.23941159732374862,0.1776769616059811,0.12280902076236597,0.08633657128139838,0.05800070279581743,0.09503031867767464,0.11341849496519485,0.1198105118094071,0.13264370220288674,0.1378475415115511,0.13827339407488848,0.15861372620030662,0.166797818727281,0.17492769510280853,0.18427359298006318,0.1814779392673742,0.1826833676817496,0.18901232701440418,0.1981381249816076,0.22621881832834956,0.2534988291395492,0.26640823930095475,0.27520557269693796,0.2835261064024022,0.3013421874681784,0.32004027041843536,0.3251670688148971,0.3254405219685997,0.32027642276784923,0.3229671595248134,0.33814280509204725,0.351806282954057,0.3517755026959383,0.35787489036218956,0.372247550430932,0.37927465919901804,0.3830175626024594,0.38318452545086046,0.41250541420251685,0.4374301746764362,0.4569324959780062,0.47362226918633604,0.4829650180118102,0.4836621362787302,0.4857619420921335,0.48822190164373225,0.4950344985883714,0.5065750914803746,0.5288611783040729,0.5569416222369181,0.5824744070012245,0.6136865761970958,0.6576707171038154,0.722358053529716,0.8119736308568003,0.91788761819267,0.9171194495755222,0.9157035389093638,0.0
0.5696311385767272,0.5660397951144879,0.562705816414684,0.5610197142452441,0.5631519184328192,0.5682297310785024,0.5759175458380951,0.581479972378107,0.5881349905364803,0.5903864299550656,0.5899243325263527,0.5883871361268143,0.5877235097949169,0.5868656279794586,0.5838045652247162,0.5901546894451518,0.6232330049543601,0.6656645377053414,0.7217122960115495,0.7138590617706582,0.6396201477383185,0.5776926196439167,0.5238954444022149,0.4759936976766464,0.426256408025716,0.3802681174924351,0.3562991002488408,0.31979020690037785,0.2631205850132057,0.19643074111728775,0.18517424053666637,0.19126893418988283,0.22539252936631388,0.27824352816693837,0.33766602568644466,0.4034673058963464,0.4661965630560001,0.5188995963427625,0.57030596108488,0.6142277698390334,0.6524420155939066,0.6949682208880387,0.7295959917687257,0.7636641468648089,0.7909376922735919,0.8186477277932285,0.8360644114483642,0.8479824763814423,0.9172414307398502,0.9092108249871933,0.9172306929967606,0.9181101487844594,0.8119403809985158,0.7704646828759046,0.6977339846452025,0.6570353788560414,0.6187084078134117,0.5913782269441731,0.5714231366595341,0.5015371853006874,0.4315897348589173,0.37589013878307365,0.3390025204902456,0.3398260041360638,0.33636318234030865,0.3377055848808631,0.33955999458827846,0.3394782187145861,0.3402752681090126,0.33860327828791614,0.34452670557353193,0.3489230554368587,0.3641700341659313,0.39647313717954924,0.3965125917668592,0.39553573173236245,0.39553573173236245,0.39976608273027353,0.4044086901023356,0.40094499358727004,0.4372207075058089,0.49424182793057625,0.5336239062300566,0.5777558323903257,0.6123666800024671,0.6510577761634782,0.6907185841516003,0.7312126415880581,0.7495038275132537,0.7646253783104564,0.7669786702204375,0.7762226328889461,0.7782277228218641,0.7933317067392991,0.8115325428769209,0.8388800329032376,0.8463457730517402,0.843059081868307,0.8337940999300548,0.8230625226433462,0.824299069779888,0.8100932617405077,0.7709470656336264,0.713483134305182,0.6506998351932717,0.5952288769584594,0.5479466133413832,0.4918157013335849,0.44084554403614024,0.39177968531141977,0.34728650729034005,0.31706100458698605,0.29554537996356084,0.27050011796566836,0.24331304838081746,0.22088023282463165,0.21327958379308126,0.20915388755872644,0.20697572548868487,0.20316443845179166,0.1998428854201723,0.20859506703334724,0.2279409530896908,0.24086673396989977,0.23818782667093585,0.23965454748781873,0.24834461211304865,0.2503928955518599,0.24777633791429038,0.24193078488143782,0.2691976875503824,0.28756458838020266,0.2999165373404935,0.3002026521229963,0.2875876537832659,0.25499434954363864,0.22246060837302906,0.19027604351113314,0.17891473116916023,0.18205063855767112,0.21039208247374197,0.2527872150650263,0.2831639160847179,0.3025925761881437,0.31775341968908577,0.34533071806850824,0.39151106421101156,0.46728365075126077,0.4852289673978305,0.48951733672713404,1.0
0.715740958466273,0.7096546522933715,0.7101840859330658,0.7095189630203111,0.7091949370538941,0.7092868584913399,0.7116913807497145,0.7118814933634615,0.713214284378104,0.7110305518278601,0.7088928515253273,0.7063196608241675,0.7012081088753845,0.6994048214803318,0.695107223012986,0.6925315622917207,0.6914693603096049,0.6939980692187708,0.7172011849525862,0.7135224714189004,0.6938088036212327,0.717658157151022,0.7623232192329824,0.810116677011821,0.8322519605532339,0.8473848457988202,0.8765877034274325,0.8907461253513302,0.8933675734362178,0.8961448891144863,0.8994108220117638,0.9099571180810081,0.914527971749193,0.9170827937205338,0.9217485906506332,0.9298184869949622,0.9289728875041636,0.929091387018856,0.9262077710468983,0.9254157232889924,0.9272097688135434,0.9294908901465124,0.9238430276070109,0.9281203149236343,0.9263146709306382,0.9318425125577199,0.9343311677590778,0.9275927937864055,0.9510985926760037,0.941010878496476,0.9434128530271702,0.9385774712568223,0.8412449080927702,0.7965800360224768,0.7225090666100655,0.6784985786797696,0.6429257011607064,0.612296176453036,0.5897692583017364,0.5207568148362673,0.45142742291424376,0.3927487548275901,0.3525112766859243,0.345900240748392,0.3417982899912015,0.344293775653131,0.3426123200656279,0.34038408971440975,0.3381792823549063,0.33111550089418407,0.3279993982528938,0.3346923974031664,0.34707149529809755,0.37461586828810034,0.37111253206562694,0.36737536613037314,0.36737536613037314,0.3710336279224293,0.36959917001886977,0.3676159656322005,0.3942889157934927,0.43776689532312574,0.47082330273062534,0.4959780178768304,0.5136640086282477,0.5303760000813967,0.5441137141510652,0.5487049178303529,0.5337244872283047,0.5001588623662712,0.44691516987601093,0.3910575708033237,0.3200870208071369,0.24567386437140526,0.16304519376962484,0.08580914233734721,0.004218891759233456,0.0,0.0,0.0,0.009912216936629581,0.01574304562523532,0.02370286562873547,0.05619445678911106,0.07131288685840692,0.08642829977748495,0.09687110437148361,0.0933777293378234,0.09172697703359356,0.09903427727498171,0.10512853891388751,0.1285332344565806,0.14735962620221643,0.15357325727169469,0.15499982807387702,0.15243025630147145,0.15717955990709415,0.16366666101186705,0.1631414064577093,0.16003170534585098,0.15396056700232996,0.16029599437303543,0.17648149210816122,0.1897223025401138,0.18668373742591177,0.19414537701078677,0.21151050662269522,0.21977570954855358,0.2246825408004462,0.22485861556406267,0.26029922420068335,0.2890390881275904,0.31228025674114296,0.33161576246611774,0.3429420332623492,0.34396737403847605,0.34540907868336046,0.3453720578462734,0.3516728038910659,0.36158179759114273,0.38370217638799625,0.4119072581596257,0.43464532198363387,0.4580786050868001,0.4884094878886923,0.536343146520212,0.6040943914812263,0.6937738097280667,0.6967147207537068,0.6972600930160181,0.0
0.8416926612884663,0.8406455259566072,0.8412875584478521,0.8434555779387295,0.8441042096231248,0.8463683393432953,0.8461506259513987,0.8517193546960875,0.8540382764478045,0.853063485973666,0.8525453706888328,0.8502803240775947,0.8450044213771845,0.8432932990757481,0.8410852729902332,0.8345452459221153,0.8352184445035333,0.834244340845756,0.8329934927834848,0.7589337072220443,0.651345780748869,0.5737045129561877,0.5205571805780573,0.4744452870663934,0.4272216371837631,0.3768327780664486,0.3472329606600931,0.30788673009449913,0.24664019779244095,0.17807040990091494,0.15814068311047352,0.15080150292904865,0.1510488469714124,0.1580654692968208,0.17304174388796362,0.18636172123651062,0.20349348337381895,0.17863550291977678,0.14572031030485694,0.10960658968744974,0.08318913995270222,0.08198958771924802,0.08491025449824352,0.09584681709598453,0.09019929013366151,0.0943673153380149,0.10881153810011335,0.11426414615824892,0.5078590221881146,0.5327544765398212,0.6288905512843747,0.6735062668186695,0.5125360983508204,0.5698885178046839,0.5743986688101844,0.6249034354559571,0.6766294422872736,0.7287142266889944,0.7730725217957689,0.7728235622154551,0.7395982577464859,0.7021493639001507,0.678589613553136,0.6732995905376294,0.6711864346399448,0.6724280789858607,0.6714234208168094,0.6736439805193608,0.6789452403648217,0.6805986362697717,0.6873994963584786,0.6969076193365709,0.7318965254463525,0.7852483801346998,0.7863926382751496,0.7875109116322287,0.7875109116322287,0.7867495732989473,0.7918246794607141,0.7909273925829952,0.8039093370274932,0.8240438945313329,0.8287504703277535,0.835874436601668,0.8360087001755034,0.8397900292419681,0.8566803510433558,0.8699807262286041,0.8582649448343498,0.8425877631269657,0.8063395470875789,0.7633628902714392,0.7149373749191976,0.6692645573351883,0.6133823009094981,0.561221656656129,0.4943523806274408,0.4464350454066442,0.39350329651292293,0.35293255567083703,0.3162346253207137,0.28873651051815,0.2575400854093137,0.25343678427069855,0.24679825919069742,0.24614515593313013,0.2522018196489476,0.24634369308205922,0.2469630503222905,0.25053901671533496,0.25344405229536743,0.280204845005521,0.3096632162368923,0.317963431234351,0.32511369639846893,0.33588231932506285,0.3524427973768304,0.3732280436517915,0.38430698433948113,0.39567398915150015,0.39773837638318843,0.40327930474295925,0.4067982438108655,0.4003102055825986,0.3704141601061066,0.34380537655806087,0.32218864024781896,0.30261186051880157,0.28212924147245066,0.2715148372785253,0.30138393600095037,0.3298196874472549,0.355134829676537,0.374938045999696,0.3936134678037745,0.4015657429075924,0.41274686346599754,0.42345065870284204,0.43752143196674054,0.4494701737458957,0.4733635048129402,0.5020121969597036,0.5269827011240985,0.553312711085268,0.5854211402603721,0.6454875269699186,0.7266371034133816,0.8250084227264346,0.8247102942223926,0.822997844959338,1.0
0.6710337515141227,0.6655895852598125,0.6669204692292108,0.6678457047598124,0.6679370591783074,0.6669476080879031,0.6699280141124642,0.6703793525395187,0.6715381417209109,0.669084241633035,0.6696188334652843,0.6679657293038485,0.6632935335538851,0.6641833542622779,0.6699484785245075,0.6901959827970161,0.7235980356246714,0.7656816986528306,0.8076573727699256,0.7644325753132402,0.6703852703560754,0.6004666970490316,0.5462441170169607,0.49677696542244343,0.4526438343184571,0.408365844464142,0.37948965595082756,0.3427835825187521,0.28934975098250404,0.22809209150390036,0.20944977015765678,0.20550536920823118,0.2106466508461374,0.22799261125007103,0.2608297926484232,0.30398976422336266,0.3467858051389645,0.40956286937093106,0.4758739539706606,0.5419245238390633,0.6139869625303501,0.6826283704429985,0.749433168851827,0.809289050972265,0.865386399106109,0.9115419600797825,0.9369072418824433,0.9543991716237601,0.977856425699408,0.9706501101947735,0.9721989795578236,0.971367661756251,0.8932684977046481,0.8444433433995164,0.7762974998974568,0.7334626638933379,0.697382567550975,0.6678824525462772,0.6511539148982803,0.5917663112850022,0.5273144986808186,0.47326069744985355,0.43765595995108286,0.4356022327249044,0.4298431289613653,0.42777294445411795,0.4292942185899862,0.42857998033300077,0.42790271816841813,0.42505133017398977,0.428712439827856,0.43499791850919073,0.4569372059396509,0.49054791710649226,0.49237191885548065,0.49583685090991736,0.49583685090991736,0.4988261031365701,0.5013171881906447,0.503218213160554,0.5341725267324529,0.5811244722079184,0.6176822793106065,0.6524812224458342,0.6810624107894041,0.7127059069307499,0.7495183511398344,0.7825374309267592,0.7936038798406693,0.7949644050320819,0.7806224260559977,0.7657748410448817,0.7381386913423371,0.7166286651376443,0.6824753923157462,0.6486940220184213,0.6003564783603889,0.5607709815303697,0.5180460998931823,0.4798429265068072,0.42831560309151934,0.39065096370802765,0.34568008591700705,0.31494388570115395,0.26947855249039243,0.25757268653572385,0.24159495786568963,0.2189450255905559,0.21509921585538316,0.21803100329562336,0.22228525403071336,0.2431925656452334,0.2622466884052902,0.2687415770979993,0.2634357979868324,0.2538952370103139,0.2565849728143479,0.25891192172739197,0.25371837339757347,0.2463598232317643,0.23293010450324592,0.22898663115983875,0.2369797375952532,0.21773604483623493,0.18680633985123174,0.16827099195693007,0.15241727848647324,0.14278706115335515,0.14371962486981338,0.14638074609739848,0.18859459049022698,0.22339210176661428,0.25436223765007193,0.2822955673008604,0.29801235929280046,0.3023250036331732,0.30670549986346757,0.3085237406711223,0.31531158459072206,0.32458865610642385,0.3490667814197339,0.37803916624661155,0.4016351631310419,0.4226909574542749,0.44821015597728264,0.49325536277883786,0.5569644780609609,0.6413546546952841,0.6460389770293332,0.6479834915591748,1.0
0.5518638317569887,0.5450466385347534,0.546653914276654,0.5480859233272111,0.5475478745559299,0.5499088771862904,0.5533246481586527,0.5533378627639768,0.5546693873671625,0.5548449637562872,0.5571831749246743,0.5549550632845289,0.5537990137512109,0.5525465983595512,0.5516361511484374,0.5515434904661443,0.5508970288858173,0.5557998569377729,0.5760232253778865,0.5687903879695252,0.5464712037631808,0.5559581069746247,0.5917338296155776,0.6273483213578529,0.6574019446248454,0.6877119438416318,0.7198475839831873,0.7545901417571951,0.7681483918306669,0.7776670697525218,0.7921465501349783,0.8060090197008347,0.8189110411734832,0.8222837627655757,0.8313375966654599,0.8316982609776107,0.8349919824273494,0.8359735010074303,0.8367742483557468,0.8347732891811329,0.836129303105221,0.8377750866014293,0.8337755010246579,0.8344008041998316,0.8322316670926575,0.8334232424397019,0.8388681292803675,0.8251807647198866,0.8948050396286547,0.8824123340620793,0.8910864626405344,0.8871352341367561,0.759638295618906,0.7203190474460559,0.6438115483145682,0.6031123746373634,0.5628156112029652,0.5344419944629613,0.5099859494910552,0.4279999469523437,0.3546654941821752,0.29349116001283027,0.25452387851578073,0.24771475028731016,0.24712636709211006,0.2550872751981079,0.2555160546545697,0.25354539786437885,0.2512482197888252,0.25716731591680064,0.2637765831811,0.26172512466905146,0.2705490646937012,0.2897254708731024,0.28958229355008663,0.2906691337888736,0.2906691337888736,0.2941903200844606,0.29897540995094773,0.29518800431612496,0.33805507854246974,0.4005558234620339,0.4460445262119075,0.4940697049843821,0.5343327795529723,0.5780979074453079,0.6200319832695094,0.6632415432494189,0.6823760596932975,0.6928911970874012,0.69613177385736,0.697629314911985,0.6940823957664006,0.6929125253468298,0.7038321347128782,0.7080990327798118,0.6986809005648515,0.6935253460555261,0.6784558858664631,0.6696466413826485,0.6794867696927605,0.6718003242741808,0.6492703434172835,0.6044620507223313,0.5557687371302096,0.5013575714123595,0.453073516023456,0.3806220304424888,0.3148445551460886,0.24442239582392045,0.17547469274545047,0.13567213207310114,0.10402383566344847,0.06902801290690141,0.04971248548474383,0.04106501587148792,0.04478011606890331,0.057033503021235776,0.06410143483422992,0.06746069438993252,0.06650653036705867,0.0746973057505167,0.08956992730802915,0.09854079606051247,0.09280089200986319,0.09703553980441082,0.11079438947790599,0.11838207445347293,0.12098404797393991,0.1193044129615839,0.15623089947371083,0.18824917109832617,0.216155171664832,0.23725965963894124,0.250936528741231,0.2519446000046657,0.25317181987034715,0.2504736796706962,0.2580456625696266,0.26710082678362457,0.2890202289288861,0.31706831800022894,0.3371886124496626,0.3546752913391169,0.37617942745764177,0.4117553538631623,0.4669747509775868,0.542157792276029,0.5481754700875288,0.5513977411617043,0.0
0.6857475408215691,0.6810248853630403,0.682195319395787,0.6842958794439461,0.6849598245795161,0.6865496165252374,0.6914077067123042,0.6924826321462979,0.6957790322923447,0.6976852783646648,0.6976637020088913,0.6977851060134945,0.6953681405751081,0.69410699027801,0.6905158819801378,0.6967228023327187,0.7107697471134065,0.747689287346444,0.8024976947091056,0.7720429114513869,0.690809159784519,0.6257833596622812,0.5685665748063586,0.5226086999745324,0.47056398803351884,0.4213436439771373,0.39350351693042107,0.3563979220235777,0.29816090100473525,0.2386918183184938,0.2275465890065903,0.22451400004875713,0.2267877222255242,0.24279162278139624,0.2662708367742094,0.3251031475394789,0.3700749495791663,0.43036300819004447,0.5109729814173406,0.578939456784113,0.6330181904245057,0.6949097908033028,0.751647323353568,0.8106174899349821,0.8570933588910629,0.9011255605439115,0.9353010379765956,0.9554796498355624,0.9827132493463018,0.9746287509003567,0.97433126042286,0.9722110848372576,0.8939472811212956,0.8455745700946418,0.7770680671743517,0.7341246005616283,0.6966015269331738,0.6710445045097512,0.653088412551788,0.5928313588962524,0.5285595842882351,0.47322343796743593,0.4393947647511368,0.43515788146338585,0.4307050321485573,0.43191314626345556,0.42899377191843524,0.42864928380878214,0.42767920424909417,0.4275827010448039,0.4308429886982832,0.4378314081997045,0.45915524954577425,0.49565366408046063,0.49544569982648584,0.49486653812640924,0.49486653812640924,0.4899019006656233,0.49708535121587927,0.49830266674860996,0.5259919068734016,0.5791882767159702,0.6093836783159742,0.6489512602570084,0.6791688454458874,0.7112703698176136,0.7474437699130264,0.7792819199718333,0.7901975472673852,0.7872257180230293,0.7796327995027497,0.7591304292866916,0.7295899454035504,0.700720557559575,0.6728009227026555,0.6376970377450281,0.5865435271434338,0.5588421861911592,0.5144640240853428,0.46760030984528644,0.4267273905277172,0.3939083773530639,0.34087492665719077,0.30841293254694135,0.25833502381561224,0.2278402188329598,0.2069609762610699,0.18647318509107202,0.17554826770727888,0.17336739593592815,0.1781546631311287,0.2013521970879229,0.22395808099658188,0.2349613133378432,0.2361487967765747,0.23803559424573784,0.24195736155737174,0.24516288121740182,0.24316553103374278,0.23978090671422025,0.23409601874683855,0.23848864112277313,0.24812684574247273,0.25494740260972115,0.2417605145570884,0.23008750538533307,0.2342595385075707,0.20849690513758695,0.19680014417897262,0.1658574684364642,0.18569483440269696,0.2059744359276523,0.23037373802847216,0.2524513257514609,0.2722586898608986,0.28376427527538506,0.2890239957827213,0.28956366061375716,0.29610209398225695,0.30338167941656385,0.32488923388340823,0.35430271138674113,0.3760479532598248,0.3953079683289624,0.4209410667553819,0.4600190438829551,0.5194397426843791,0.5998800888406088,0.606593957978466,0.6053991014750121,1.0
0.8433559918665527,0.8377057178848131,0.8392073415747314,0.8404044877856682,0.8398528955823956,0.841236922280274,0.8430780039183582,0.8439939558819458,0.8447869368803904,0.8449561101863665,0.8434100112235803,0.8414792269972372,0.8381670321608506,0.8365035023342327,0.8322851961396962,0.8293882667008081,0.8262101032465077,0.8236899700587648,0.8242311086145706,0.7512212979383592,0.6426888966430051,0.5672833835524731,0.5130307828557568,0.46804588862604096,0.420688047377662,0.3711147517600432,0.3414784861306389,0.30075512565321133,0.24106779831222092,0.17144054226242622,0.15080394978664546,0.14296244023230453,0.14152775381826105,0.15210938224592552,0.1718620079641111,0.18652768014719567,0.1793518561772376,0.1622012562221292,0.148918855051708,0.12604077558738241,0.10847425997501753,0.108665994432743,0.1156826430319377,0.11729980027034301,0.1145529410663724,0.12074812608793731,0.12945476315301022,0.12587826337274877,0.49010670856753147,0.4830182173656313,0.5561585507869053,0.5575466323173052,0.27772629062818976,0.3645681410369356,0.3765689979280302,0.42717925319113037,0.4401003354637315,0.4837889401004414,0.5352245156257487,0.5617317037105345,0.5930458035017535,0.6417535425544365,0.6906879943485567,0.7187981371985463,0.7360520997560627,0.7442884222389724,0.751405501732818,0.7537438842504702,0.7592214740705072,0.7598424254022776,0.7626302727388645,0.7788109288181022,0.8219343197225866,0.8857888202421712,0.887791573722102,0.8900247044537806,0.8900247044537806,0.889477203203894,0.8955394841305914,0.9014606516300829,0.9099714303804998,0.918143164811249,0.9206881917247375,0.9158378062648671,0.9059658356136479,0.8901449306039465,0.8792856432472413,0.8671339190539378,0.8342470038000056,0.7981785047191765,0.7544835794686113,0.7145117018912124,0.6677466621761979,0.6318078275405878,0.5994470185401553,0.5700893508452494,0.5271104358205714,0.4940870534228783,0.4614953070661099,0.42348964831709746,0.3947667170676033,0.3652625334705237,0.33642833224255103,0.3249593664531531,0.31119396173596425,0.30658382251709615,0.307496378698189,0.2977325893390358,0.29076345486332955,0.2948638143412481,0.2968042882127532,0.31508214822422664,0.33537100889406557,0.3428735748459225,0.34566858681754364,0.34545458862538075,0.3519840407618214,0.36039258039021393,0.3634040603640092,0.3604593316478635,0.3491547741205069,0.34469615816818194,0.35047308102864455,0.34535585207111114,0.32463244502386757,0.3118377138342346,0.312171972537635,0.3128294104394793,0.31143910141924075,0.313496425640334,0.346211241575321,0.37403072101175117,0.3962143724243103,0.41640317952847394,0.4316249543110392,0.4384099995378692,0.4452546064544552,0.44914857001564396,0.4572142601395303,0.4689234397937495,0.49106453189244,0.5189244029611486,0.5457580005326916,0.5753855281183354,0.614057151007467,0.6740239296731514,0.7561980266501471,0.8556445320864947,0.8573662481530049,0.8557143632754737,1.0
0.5513118918863775,0.5470783535918492,0.5482207070341467,0.5499073708640753,0.5514893460622867,0.5508260938739895,0.5519165414520729,0.5528286198945698,0.5534046660162096,0.5533041151394469,0.5532761246593126,0.5511183953996519,0.547101276122759,0.5452746898368235,0.5447330179318051,0.5432685622527176,0.5419457662270718,0.5390588908455076,0.5414794010741094,0.520130524929978,0.4829520027726103,0.4824275264730672,0.517392347241965,0.5616008563480124,0.5973485555451024,0.6302165622039001,0.6738810543303846,0.7149772722854072,0.7468963273694825,0.7666113594295296,0.7955816894864951,0.8155319543408358,0.8261206409585482,0.838213302566299,0.8412676405237454,0.8430532999951776,0.8399984970224796,0.8343536794295838,0.829223059654674,0.8262778415558943,0.8161185300140015,0.815052014671021,0.8134075299845585,0.8167410113687013,0.8197968574902157,0.8263078687865976,0.8184005639266714,0.8123356335422948,0.886205594450158,0.8720245290193365,0.8847846725395156,0.8808822173359205,0.7486899307499366,0.7092661052780425,0.6331664451202782,0.5947983336195796,0.5535126401059469,0.5235830133389858,0.49810495832740187,0.41172319787108497,0.3369533781313664,0.2794978581546501,0.23713234393027316,0.2405706993766089,0.23968588386729756,0.2401475871933052,0.24066848736758784,0.2436673264863825,0.24039911053452517,0.2385345325345627,0.246840297262523,0.2494316277397513,0.2609107751144246,0.27677565714351515,0.274617739670121,0.2721553090648796,0.2721553090648796,0.2739502579364162,0.2735979231891035,0.2721421943525661,0.3122296007352504,0.37923219679413067,0.4312563881451703,0.48036300656552583,0.5243106634218833,0.568466765886787,0.6135187308106846,0.6542698223635484,0.6788983428569471,0.6931770345968207,0.6924390173098893,0.696576732666176,0.6909480444978154,0.6978660575310225,0.7076189096070025,0.7184821318888551,0.7139587651613504,0.7164293461235088,0.7096636634297777,0.7118174951293287,0.7357959334079159,0.7469561824766364,0.7371663073435559,0.7072579079325207,0.6702258353816921,0.6211019297787067,0.5724859116909681,0.5060237745842432,0.4318495297257498,0.3500550082209315,0.27287987356087184,0.22053987767590816,0.1699163741778449,0.12726492335619655,0.08883539717716926,0.05531408968169016,0.04273112727157957,0.03743152976320463,0.03480873320662781,0.031340777450021395,0.024101853190301226,0.03461661645582259,0.05204951578836581,0.06372154318238787,0.06813758995253394,0.08153560904934365,0.10397872237318573,0.11963424117132149,0.12907190324309992,0.13094267683030403,0.17021487024389093,0.20188562696307766,0.22953837516660425,0.24791034876627616,0.2579541225993355,0.2563945352162318,0.2570715519893912,0.25087352961907805,0.2567220866561182,0.26255252665385675,0.2811343660710286,0.3067034029270782,0.3252218232249604,0.3406605177892853,0.35674299503129914,0.3925911449510531,0.4423690415830337,0.5140456849031081,0.5227623427359552,0.5250162130365211,0.0
0.6952403955406464,0.6866025642172771,0.687403604907986,0.6882354652104544,0.6923801924454579,0.6941379204708621,0.6961274013085481,0.6978298413140691,0.6995088776863685,0.699472992498299,0.6997577307411612,0.6982352336396676,0.6954621383577732,0.6928641388116258,0.6933789096661399,0.6978680812238589,0.7168420228592978,0.7592119593564186,0.8068236338963589,0.7702868432170272,0.6777420416535863,0.6023989083344624,0.5502574611397983,0.5036998405930811,0.45494432524496586,0.41000672433291563,0.38660409831472464,0.3526775491357994,0.298907669525468,0.2395795034284936,0.23517089100178873,0.24849530362211947,0.2762036093421337,0.32153124267061356,0.37228120398580633,0.4315129376642769,0.4896364749287101,0.5591377030004384,0.6209069234809084,0.6791034541373013,0.7289212092836937,0.782059182680088,0.8234372060375601,0.8611046866584504,0.891118474345725,0.9193080966584397,0.9470145765805473,0.9609297879170104,0.9808436418906505,0.9731148616962995,0.9754014799696162,0.9748105834993095,0.8981934912868161,0.8494341178557716,0.7815459192389742,0.7382593681171746,0.7032463194447982,0.6773459380192771,0.6588783858562726,0.6012662975338576,0.5352625881984437,0.48025261595809976,0.44431450874328493,0.4390585716233646,0.4387846295004915,0.4394188793626945,0.441369488696282,0.4412987758700622,0.4452178445711223,0.44424225285391705,0.44901011163736604,0.4598270879955773,0.47772734227345925,0.5170762402327217,0.5181182139896716,0.5169849001752639,0.5169849001752639,0.5181347348785943,0.5220150588652135,0.5224355679321189,0.5479338351404399,0.5959252597912142,0.6271718961757008,0.6621892136968245,0.6869163497780276,0.71273980517864,0.7437735370685615,0.7614101607348621,0.7498922697381771,0.7438778076313781,0.7142499376479268,0.6798604669156868,0.6398380637164475,0.6051798141009573,0.5611711032335263,0.5249483453741758,0.4669092810637868,0.4338088273865784,0.39616872010449244,0.3569335629097535,0.3349134996686992,0.31307310043385095,0.2682835112336445,0.2493532654765771,0.23125790234191956,0.2254894680052244,0.22144641066458554,0.20879646485620473,0.2061849746280835,0.205675905804022,0.21677126394092144,0.237049711681935,0.2543692111316622,0.2566115226240511,0.2562137447931857,0.24960875081464717,0.252754421166734,0.2552421001216248,0.25325836677192365,0.24722238792411622,0.2282026907263865,0.21658051800426825,0.19913149541012548,0.16716954485322505,0.11397279259822635,0.09777464384777124,0.1153863126787773,0.139068562199536,0.16297731745486554,0.17618219097473076,0.21644048588519493,0.24405236892565008,0.2683520159216878,0.28805413550168424,0.30066874965194657,0.3010883532102243,0.30446013108108777,0.30518588600541696,0.3127192175937538,0.32087730487902527,0.3420972958922969,0.37105281032173754,0.39412366639522517,0.4148762639507314,0.4420799472083754,0.4846285907883242,0.5462619271593752,0.6315234327300184,0.636172022391851,0.6400230509407836,1.0
0.5093528468236579,0.5029410764679881,0.5041821662966878,0.5070029329341091,0.5072515456832198,0.5099936655760127,0.5128027305535885,0.5133554588386399,0.5151779696493939,0.5136907019988739,0.5139245352461554,0.5142694825740246,0.5116723408201351,0.5111318763089128,0.508440595048781,0.5071158145252394,0.5052635649992947,0.5047550804476655,0.502938129535637,0.4585357633789625,0.39201312052712445,0.34720721457287207,0.31620021349547967,0.30439931202643145,0.30098146523977976,0.3050434738311377,0.342350454824618,0.38683985279007327,0.4260297684697047,0.47506118941664255,0.560078337069789,0.642531647764307,0.7173256540464845,0.7692822045046319,0.8096815369148933,0.8282174605426927,0.8306945330208224,0.8343668578882013,0.8284949200047149,0.819482430231006,0.8092952639264404,0.805759450336892,0.8041457026010888,0.8034443577396266,0.8022782335941105,0.8069108202654025,0.8043930639225776,0.7977713788950838,0.8751434848132529,0.8628043512882335,0.8742874221212619,0.8687491171441311,0.7270946046571765,0.6840577023358756,0.60722219655877,0.5643166075821598,0.5234634287478297,0.4929015301738048,0.4674961990480382,0.37871129811062293,0.3005248698101185,0.23646125632875892,0.19428059221130067,0.19457398421151173,0.19099630075618806,0.19330391260298085,0.18937115529926207,0.189360801317847,0.1862755561338873,0.1833492416930952,0.19168937420148913,0.19488235160270267,0.19710714769939974,0.21724684451477627,0.21604230779751216,0.2143451724626093,0.2143451724626093,0.21419973776105156,0.21934645232962469,0.21755981772331462,0.2630388174595104,0.3308800968634089,0.38796193019802316,0.4402670670053843,0.4868953025196683,0.5316843548542214,0.5809616871433178,0.6260142482496038,0.6456724406599712,0.6629830119880953,0.6678833806988871,0.6791768023907286,0.6872836058733293,0.701001600927871,0.7192976751286997,0.7472744258917181,0.759387666107734,0.7716247883774727,0.7817982567530501,0.7950785618727918,0.8291908329706086,0.854171055136738,0.8634689193221086,0.8511498901193122,0.8346374802556156,0.8359901649808876,0.8429234121484421,0.8379328055470556,0.8371889912541337,0.8176596247558421,0.7842961067984228,0.7581333677516424,0.7250835040283632,0.661863175635795,0.5843013340166601,0.4917023900831412,0.40119728004559785,0.3121873667599027,0.23123283071011358,0.15242255320675707,0.08433560511720439,0.04292951656576738,0.019206843666375373,0.012528896200075468,0.0,0.006411383578259322,0.029020656975487058,0.04814927209577946,0.06605319573246615,0.0749453474277233,0.12372892042933559,0.16267381071436138,0.19221662910933335,0.21407721040006145,0.22809804682017665,0.2290828945812332,0.23127561197662783,0.23008394291581247,0.23766224177019812,0.24694656512899227,0.2693258444149338,0.2981952116335326,0.3178952061071929,0.33422243219916925,0.3540732587392783,0.3893090351455931,0.4396651736582662,0.5126402454349956,0.5198945771734329,0.5218618422712016,0.0
0.9026293240782742,0.9009151508037532,0.9021757415794445,0.9046002664383315,0.9044048038093794,0.9062200090717648,0.9116796782412746,0.9127188018765329,0.9160046873018648,0.9166982400189113,0.9160319142071973,0.9152732334257825,0.9131520621436113,0.910259669700431,0.907388787658852,0.9047478522259211,0.9035623426301802,0.9048300111518992,0.9065672344656596,0.8304123808113941,0.7130494691199732,0.6318631987056014,0.5754836234772404,0.5278906103222711,0.47790086767778844,0.42689372497478373,0.39635033157759536,0.3574474488203414,0.29980872675160486,0.23489667723038155,0.21366142051081305,0.20574149204632425,0.20021865575755643,0.19921465396555316,0.19735511069799105,0.19216314615867694,0.17383920374688233,0.14999322569472856,0.13568621029153033,0.11446321862776576,0.09449780258201029,0.08734988948698608,0.08502387864249844,0.08542287075301314,0.07919347425056744,0.07650825098525493,0.07851714198207632,0.0791926462896253,0.47280268753529503,0.4664516351748421,0.5459746920185038,0.5609941795727501,0.27798087817448225,0.35540217182585987,0.34422013066192725,0.4075582162154935,0.4407838015285223,0.4694694710584838,0.5117474265083173,0.5431116150538109,0.5850279578736625,0.6449885187971006,0.7158019694303135,0.7404057259357943,0.7598101004147015,0.7728785290816865,0.7768808161050599,0.7884407754422686,0.7940660741744345,0.801557325106217,0.8034267006388227,0.8185390913800428,0.863385208973408,0.9297510666415044,0.9358867436704204,0.9401753437986637,0.9401753437986637,0.9407847020787699,0.9465095774353925,0.9533255621591505,0.9441449932173533,0.9462909702178859,0.9336413756337384,0.9201784740555374,0.897138424494254,0.8687989022489571,0.8515565504952232,0.8272805546981539,0.7955872169589168,0.7599107034175776,0.7222453099110777,0.6854134123384553,0.6481551106070805,0.6108279456979855,0.5805729068908019,0.5370043033456547,0.46318336744790234,0.4094707888525402,0.3358885138605289,0.2936195873054554,0.2630691617217039,0.21571524635520678,0.17556067407812698,0.16344578459197834,0.15659051951436465,0.16204032953516584,0.17374086092964286,0.18038304430142393,0.19150665577345272,0.20496122098987307,0.21950355960960738,0.25095712084166377,0.2781720736030266,0.2907782738592219,0.2949882338815764,0.29429353329488617,0.29889885734347094,0.3029869628727809,0.3042168245520805,0.3024970590791656,0.2995684082092479,0.30696088438086805,0.32565232113949244,0.34177655459642975,0.3394418944322474,0.34439791292792915,0.3580897101767818,0.3638797629957608,0.3665817496339846,0.36818003240096814,0.3976335055185566,0.42356674462090493,0.44307377319748315,0.45962480785707155,0.4678082799267341,0.46828765453330023,0.47200350136701863,0.4736716790250758,0.48033457756539366,0.4937634751182598,0.5159481656316922,0.5455655445443357,0.5734532989138948,0.6053148737112405,0.6491302363925306,0.7165601184001713,0.8065561487481261,0.9161288105879117,0.9168506983375136,0.9178636241020841,0.0
0.23190495468438543,0.21917028836387686,0.21959160065100702,0.22160162054285082,0.22119105252684745,0.2214377067211104,0.22312909615049703,0.2209085866108884,0.22161503356311596,0.2211031746531118,0.222681815914348,0.22045039210345485,0.21984554297012093,0.21826806061266124,0.21717062698105782,0.21760314564203487,0.2235955843965245,0.2432111415918654,0.2948068075370538,0.346215280148357,0.4009046594349146,0.466526337239759,0.5307742388464779,0.5942103032789,0.637153120244455,0.6610170477121986,0.6969709629535733,0.7161535183541813,0.7175144399341506,0.7134091201725522,0.7122324824758854,0.7152875600191446,0.7153966028868359,0.7161531543736923,0.7156695891323469,0.7093047662298868,0.7023514235634378,0.6958456904353294,0.6909936516794017,0.684469973568551,0.6771134203353786,0.6755565741719085,0.6714306331259756,0.6768850083930162,0.6744178385992061,0.6802794366410743,0.6775157107627527,0.6669246428293502,0.8000001016901583,0.7879471547897738,0.8095863081060312,0.8012796721707198,0.6235031321395645,0.5933947745881634,0.5047255735151049,0.4686349026697537,0.42846241074220304,0.3985294191328104,0.3671837053571573,0.2617894464758556,0.17570003216834804,0.1105534001285653,0.06333150304882867,0.061955613288851685,0.05676938598800685,0.058214648015928516,0.0532696311851783,0.05856027399570418,0.05125722788911985,0.051200890211160865,0.05545720357743855,0.05786164635312607,0.049936131238035475,0.06622711859675001,0.06469639386322079,0.06142181209860248,0.06142181209860248,0.062422680140803766,0.0619811666876367,0.06025846374565891,0.11480880995734705,0.1919898274225331,0.26235795853836585,0.3280292216215165,0.38351603434981907,0.435419185068737,0.48690211169473524,0.532243245662398,0.5606870178405643,0.577756011591149,0.586778302235467,0.5949732625957824,0.599582682512644,0.6124183890495557,0.6280122534920081,0.6504716887715523,0.6580974306113652,0.6726910002218032,0.68494029270084,0.6988895079009619,0.7331279243529323,0.7560345683163263,0.7722756245131482,0.7703695016972497,0.7663086841033082,0.7738980181238247,0.7948261888710498,0.8011427534852069,0.8289961071197125,0.8418012319114345,0.8515747688189872,0.8651322771629868,0.8868897559698719,0.8921173441907998,0.8948872450953267,0.8938353612203618,0.8992974876284479,0.9008585464585661,0.8986508199430548,0.8946388324563372,0.8939836018617654,0.9009756708310401,0.9025267945959266,0.9213808934243606,0.9133515539681565,0.8692815533372265,0.8331772733714596,0.7725248410942678,0.6951878620990308,0.6281008382604479,0.5392294972771934,0.4327307958260341,0.32909729953970507,0.24055594387427282,0.16128542344950503,0.09235232629806944,0.04018526998667882,0.0024024561921892618,0.0,0.0,0.020883748463293772,0.048158520509028246,0.06130168627409782,0.0659843054257212,0.06519120948879464,0.0780075248301566,0.09446673512881132,0.1342342256206217,0.14602882010963802,0.14978169579170708,0.0
0.525734109355526,0.4872668459189077,0.47530589205105267,0.4795888390384414,0.48748787465530663,0.4953975715735559,0.5150867811168294,0.5221853834891438,0.5213161030439044,0.5244486066136064,0.5317050827853416,0.5373797139650397,0.535470791217632,0.5402501669560782,0.5418505736391284,0.5413667857162676,0.5414665705785233,0.540756512932726,0.5359320800124788,0.5038193281988925,0.44987943622875837,0.4317843960429903,0.42178083522472504,0.4098261624960929,0.38251778634934985,0.3432695948079999,0.31596136349522164,0.2718805603647823,0.20581201164677504,0.1341365093447197,0.11779640950648074,0.10954078514339999,0.11149104864402021,0.12084303907986366,0.13298490326806878,0.14606916766935057,0.16973660826718878,0.21147228400827914,0.26310344727145785,0.3227391183639329,0.3939576561962288,0.4616115830236557,0.5199987563413694,0.5986760028254439,0.6410622026381894,0.6808772448499456,0.7151561268405234,0.7479863716850239,0.8609965872782901,0.8664550424429036,0.8866015983004585,0.88408425088251,0.7632106740705461,0.7303437900045946,0.6638582940715699,0.6233232433296589,0.586742500569524,0.5582002446718443,0.5375270884949855,0.46427292278571913,0.38547266751682063,0.33163840458828864,0.3031259754239256,0.2931222794768389,0.29697973530714034,0.2937635018393462,0.2950882286841626,0.30553668751894,0.29827856719651685,0.3068534288921472,0.3066106149366745,0.307812505607934,0.32249816719127355,0.3516186350379856,0.3545397712879887,0.3529050563377193,0.3529050563377193,0.35083902574063824,0.356823409645327,0.36213009429181403,0.39532279448869223,0.45360007115003276,0.5008831668252673,0.5484853721112065,0.5859867524444943,0.6256655854506062,0.6705022332245258,0.7109276647905565,0.7259899504666267,0.7411334321182588,0.7434049598101757,0.7596244627986972,0.7626967256276457,0.7758051746883359,0.7924649743529699,0.8218982493329603,0.835593495129117,0.8446929591176452,0.8548169462777282,0.862789490686541,0.9005343775877125,0.927515302257564,0.9353551865134329,0.9197174332808502,0.9008343600617139,0.8937577796019538,0.8945989788421072,0.8794127555727078,0.8919032878442117,0.862743531501811,0.8288527517760654,0.7962265937843438,0.7663441084901457,0.7054345898787875,0.6439659213658036,0.5646438232059321,0.49150420216689467,0.43638961992782954,0.3798702115296454,0.3303730190156829,0.28142500407041243,0.26267250611514587,0.2490483087033344,0.23557282116404854,0.2134354398381122,0.2052455440064065,0.21358676539956228,0.21148939388932247,0.2118951143722334,0.21027854250097022,0.24434305384862715,0.27007609011318423,0.29253374467559795,0.30885744956495365,0.3164205640216741,0.3136296520651719,0.3124528399645585,0.3067144263144208,0.3109058290606185,0.3156464692545003,0.32874212217816545,0.3493293168199978,0.3672895096792448,0.37454358796074094,0.37551438446332575,0.37826643604785937,0.3813944472246361,0.4023749796498983,0.36333358847058483,0.35239100072803686,1.0
0.457714024644603,0.4532955381420599,0.45309053615009776,0.4588037011927454,0.461341770788139,0.45161798581128554,0.46106860472680644,0.4499627530668284,0.45299750820918616,0.45941947457109955,0.45203341567035227,0.4505055189379832,0.44814012569117634,0.446502181501629,0.4456880835499333,0.44733581281034984,0.4483855005263916,0.45090447740063877,0.43680035340133183,0.40299771892860026,0.3414975880252077,0.3035758704837588,0.2747782650552836,0.2460471535261165,0.21850684865914916,0.20214278000224145,0.2166732148299374,0.22174038212724223,0.23071300829329755,0.27264462247868215,0.35326181981883414,0.4587616267747588,0.5471561825459068,0.6362781988659512,0.7097685101829774,0.7480495677163157,0.7714915376272453,0.8158502309656132,0.8134637585511582,0.8408336088376493,0.8673721925875325,0.8711572164666684,0.7997063684561463,0.8024469899188197,0.8903832574777837,0.8075431753962737,0.764157239519534,0.8576164184710509,0.8673239184065289,0.84679672659481,0.8651015612687982,0.8727969002826301,0.7594217461529584,0.6733289685099004,0.610562964107494,0.5230664339718112,0.4798909124394117,0.44929379169378725,0.43277114311981413,0.3320551617951261,0.2447461640436225,0.17742740570572324,0.19050800371469734,0.19903609694106073,0.13691268073265817,0.16935316894221564,0.16877835499550203,0.1560338681228743,0.14563299944893443,0.17251493715212995,0.1571012694796975,0.1577112152160446,0.1496404831190069,0.1410352784860769,0.1329883400242849,0.13310640062688295,0.13310640062688295,0.14487899666541765,0.14085091806731453,0.12476172149307291,0.19104161110396922,0.29418419583958266,0.34466496779345,0.3783268078591461,0.44722175708120615,0.47893479536527606,0.5399008992746014,0.5717277141277847,0.607716372781158,0.6297485371377799,0.6340718547456254,0.6209892772858329,0.6420384138921724,0.6360409970697336,0.6571738624037805,0.7088258364015889,0.6993678573269702,0.71404718135646,0.7309920257325704,0.7366423905543416,0.8058223024512826,0.8494231018516643,0.8759713059199984,0.8161632410528308,0.8621042650317317,0.8556356535022918,0.8744545457528357,0.8970068647514228,0.9834348541777242,0.9122483330604385,0.8665639978315494,0.9611148189595782,0.9445508355188551,0.9283215106833549,0.858687937794951,0.8154618397067968,0.8162033041427958,0.8019739516626468,0.7425619443745503,0.6830745303005634,0.5975632914857161,0.5641758354448801,0.44653183689294895,0.373343535930876,0.2771665292014879,0.20192648648323241,0.16454893659289294,0.1225384028101798,0.08446797826672947,0.05063232232130932,0.07777274601680884,0.10256778275338752,0.13261550410456469,0.1600038765350319,0.1782751945182781,0.1859301220147992,0.18648820302526792,0.18733175201247598,0.19379659325224097,0.19793795390751634,0.22412865376071978,0.24870199687077132,0.2712291063409916,0.27915930331448346,0.2968745205757223,0.3271683457855603,0.3526073529973033,0.42175303513934825,0.4303564015979191,0.4390798091799345,0.0
0.6430126594045302,0.6382633363158015,0.6397556875148487,0.6402353409850209,0.6405317098220755,0.6420313637985199,0.6433093266732635,0.6418583325142824,0.6436558439113512,0.6425650151540143,0.6408418504690044,0.6395090856881375,0.6373121666362307,0.6353450706700607,0.6347242435868615,0.6346273870984811,0.6410984894909624,0.6474019055093858,0.6632769948366177,0.6302114095007363,0.5661200276852745,0.5263336027743771,0.4949413882623897,0.4668099356396224,0.4254122118601289,0.37678346629173415,0.34460571968358716,0.30509959756513527,0.24255671013454777,0.1766030756709807,0.16058383573994345,0.15898138715031002,0.1573031506240991,0.15503412003902206,0.15128444709665634,0.1469227520621454,0.13279022191259982,0.11273494048048927,0.10700761460162644,0.0904947262152942,0.08247292390541544,0.08699313459249641,0.0997164242921108,0.13237274234236862,0.1759250474878836,0.23648429213486052,0.2847282126886317,0.3320457255011571,0.6446543793036122,0.6764247881096552,0.7492466576148891,0.7759008493871231,0.6351768714466687,0.6472592991602861,0.61618116116325,0.6053138878161703,0.5931221587873836,0.585859542923707,0.5847633218439908,0.5298156806192691,0.47477165502484564,0.4108615957033218,0.38931801500501895,0.39842265559576917,0.4001861508099705,0.4017411123826421,0.39993416352377675,0.40224096517507185,0.40957071715402477,0.4101956867802754,0.4247780184903087,0.42644399657246584,0.446840575790894,0.4829926860107566,0.48448152492645374,0.4833373942483883,0.4833373942483883,0.4879367848636433,0.486544481941351,0.48728780311861203,0.5210543705377957,0.5609548282154905,0.6113841218163538,0.6428244806458857,0.6679376607668718,0.7043235809147854,0.7362180676402349,0.7749744040698681,0.7882938015732135,0.8025866209244267,0.8066469049078437,0.8173099063910376,0.8205120083281618,0.8322002398042585,0.8593807526506019,0.8946218033048599,0.9103451195661892,0.9076934307001449,0.9205975037991962,0.9208503409493729,0.9756958483916258,1.0,0.996421072538772,0.979232063974812,0.9387984892104816,0.9068968594957811,0.8912591024724297,0.8456307031251891,0.7932952124647492,0.7271001360649935,0.6658204341529805,0.6025130737927494,0.5456573435445822,0.4804563397148806,0.40572258318045257,0.34976651863207386,0.30352300101869484,0.2708524658910056,0.24804727916038838,0.23331761497890846,0.2181383871188317,0.22431084716560573,0.24080609241685813,0.2596697868988725,0.2602207577618895,0.26657858682532914,0.28134315888439154,0.2849526003000584,0.28892919543534384,0.28604501946242894,0.3167434782026106,0.34033339271781116,0.3619271090955701,0.3758007247174759,0.37989137749184587,0.3703475429703889,0.3679465014745052,0.35643338321379303,0.33755763631916613,0.3084364381490758,0.2916954542557748,0.29325752539331584,0.30487225096597426,0.32027529545433253,0.3439248745451854,0.38670808295144543,0.4463299372746341,0.5277465368154457,0.5434779161566419,0.5475612472303174,1.0
0.816615016190875,0.8150527518111075,0.8164245355805198,0.8185055774933782,0.8178081730442753,0.8200520391212445,0.8221710682356538,0.823200839535059,0.823782397240793,0.8238359866763506,0.822258172897874,0.8201364265950253,0.8169728267285383,0.8151780846445644,0.8115480248584344,0.8095920790550004,0.8071011845968559,0.8053901208826144,0.8057591477532483,0.7352254778813998,0.628743161253977,0.5546810857869452,0.502240275282852,0.4583411014770011,0.41123227898275466,0.3623375207588308,0.3332366408289607,0.2926221725495511,0.23208246038596608,0.16207319199340875,0.1415380922428835,0.13226734488681252,0.12702034295853565,0.12624696080845044,0.12419003634593384,0.12060858770577776,0.11391807960093914,0.11457866459528598,0.12786183560831105,0.12094485329388327,0.10961906208183009,0.09950297891469811,0.0907945340466288,0.08415908100683417,0.07116833458440402,0.06843346077596174,0.0784614089186289,0.07982197857144774,0.4606797037969072,0.44799310531720726,0.5215572892264597,0.5203063530693454,0.21507410860909795,0.26547818473024093,0.22126531353128087,0.2637391342676287,0.2958427626302441,0.3391105527122178,0.38194102914382455,0.37566804257896336,0.40393884904695876,0.4556147665460972,0.5220940056490961,0.5887417610725044,0.6222913608198308,0.6313747858505978,0.6394496774152424,0.6431372472556798,0.6489777649827986,0.64984294880862,0.6534794938178903,0.6649830175647722,0.6982992022143237,0.7517637113738004,0.7544765815375722,0.753929842541508,0.753929842541508,0.7596356369735524,0.7620432438813599,0.762787870117283,0.7788654656809604,0.806425334182236,0.8221803352621205,0.8381123292971571,0.8540825964694786,0.8721740020072057,0.9022249033739149,0.9301571752906903,0.9384636537306779,0.9421559593711318,0.9378701433116542,0.9406281066402937,0.9277704796433891,0.9263468334141365,0.9181388710048188,0.9137995893971118,0.8749134517659675,0.8199756961713975,0.7643043407345702,0.7184937991407652,0.6866879907063914,0.6459396862176384,0.5897551062337859,0.5285242638542262,0.4717000450251493,0.42446957527489537,0.3867552984333815,0.34576151314916936,0.3242807479301504,0.3061859249730289,0.2990255520263163,0.3067790346965964,0.32189405531761106,0.32298112662241774,0.32261069938605835,0.31932581833421125,0.32319682714246584,0.32589075663666245,0.32522287625956703,0.3217740903865724,0.3159202740395441,0.32284954997975146,0.34192256601021775,0.3613193693072182,0.36667134568165144,0.3701436059130658,0.3770172426155042,0.3748548900928576,0.3647860436295492,0.3498694753670356,0.3633966904032111,0.3770110448073805,0.38882138110072373,0.39811520322301924,0.40144836821323454,0.3969413526805112,0.3974026868703965,0.3977984064714209,0.4049006629257546,0.4155501794098924,0.43764323838104785,0.46765412565487113,0.49630476816309477,0.5287577005062911,0.5737726449957262,0.6373504395428042,0.7282180744655341,0.833331565182909,0.8387716709881431,0.840590047653716,1.0
0.5598610750000758,0.5519814816515478,0.5530501802028405,0.5569030914713012,0.5580308605845831,0.5579489510648453,0.5613049502046767,0.5607231566823572,0.5630521464322524,0.563287613101562,0.5619443056779129,0.5611505826025492,0.5587945844617551,0.5567829561526132,0.5572032649239864,0.5639605725479951,0.5903056183472014,0.6484252754444615,0.7419109632434029,0.7965324758953399,0.8060546382622257,0.8353816028362459,0.8690632492615794,0.8924071447893587,0.9001798150266875,0.8894173467412456,0.8915399859159943,0.8844701149547777,0.8808302178000633,0.8765221313299488,0.8640635442198603,0.8688114922182677,0.8730824373279445,0.8704711250702286,0.8747658878131022,0.8758680875214313,0.8721352029832072,0.8740756276037464,0.8712455733542576,0.8632663277284053,0.8633033858438848,0.8633755074113307,0.860071455387261,0.8621499438416841,0.8613947066846723,0.8642869973340286,0.8633857933720805,0.8518834888460967,0.9090889646518232,0.8971808236470473,0.9051974277592675,0.8996278745810669,0.7726542714876078,0.7320599927161922,0.6565977881732459,0.6097479386321045,0.573035472162682,0.5451030931031381,0.5203199204713973,0.43968891674141736,0.36950140600756387,0.3057418645394856,0.2684477799670768,0.2692470495910503,0.26008636021935544,0.25724794601239276,0.2519112399949537,0.24480542912346187,0.23673942333064207,0.22716024769145582,0.2303288343976495,0.2326603557208034,0.23961594750620296,0.25166434402050253,0.24872405464129516,0.247029703167713,0.247029703167713,0.24565220723103215,0.2507957069267688,0.25155238439706734,0.2992183167908393,0.3636593233827382,0.42502341159483614,0.4782753205944314,0.5228856190197764,0.5740507225158452,0.624320278701036,0.6703578056389458,0.6877182000018398,0.6997114658686666,0.6900804343383832,0.6841654036445153,0.6664302741824788,0.6502806098737424,0.6363937278721651,0.6166319590902045,0.5763398508389346,0.5484351223646305,0.5091033795727216,0.46753210294204645,0.43361300114623463,0.3889717219647653,0.33907305494404594,0.29510113086008527,0.2445540491434822,0.19923438346430283,0.15907450656528954,0.11623254151657009,0.07347262084648021,0.051353090768326115,0.037485225762595664,0.05549957699815977,0.07324157053874314,0.07930955315400712,0.08155745119079205,0.08009700918389373,0.08715064720774696,0.0957299693530469,0.09563906378639803,0.09076471793605656,0.08277865843214616,0.08783411690292797,0.10033580211779836,0.10916292946499473,0.10377260109501196,0.10939016268612478,0.12564317742372333,0.1359075148671387,0.14001131424502944,0.1405338735045919,0.18009480734836125,0.21082716275178282,0.23847027318688918,0.2595222603556192,0.2720410697458847,0.2730256521235848,0.27504622041455346,0.2748573340179176,0.28125609784336164,0.28942458595631504,0.3111747039801351,0.3390181826361875,0.3608011596243148,0.3795634384203078,0.40228373823920116,0.44136488293718024,0.49731869027133413,0.5745390442758399,0.5802727077225074,0.5824189551237684,0.0
0.22962107891507033,0.2171857694442334,0.21717694287917322,0.21741918035964347,0.21642909180448555,0.21838753828077206,0.21894069226600954,0.22001804774541545,0.22209638867447135,0.22143362957460844,0.2230964049616071,0.22219935733608942,0.22282941871074913,0.22210604079166085,0.2210888589825204,0.22057059236458332,0.2207922353807783,0.2187565973791794,0.22077001981288613,0.2096874450985602,0.20749702434257766,0.23502875805592904,0.2826653350829951,0.34871876742349933,0.40590680623964587,0.45898700981141305,0.5293350014918956,0.5706454183570365,0.6108621571970432,0.6290508337532273,0.6602375439112684,0.6883125852562696,0.6986886936369483,0.7138226826270657,0.7165702682749752,0.7221271179338167,0.718560045982988,0.7069175120634743,0.7120719958233517,0.6969885321431035,0.6982532714617742,0.6957375267346668,0.6927049331471133,0.6955128321865685,0.6929118769176561,0.696862705851051,0.6974256294697594,0.6796196419140548,0.8062854008863315,0.7909848998018335,0.8138037012725833,0.8054359367399049,0.625634114931272,0.5946484841276034,0.5084157345855682,0.4701851468962226,0.42934262994587946,0.4024905413016064,0.36994705596911837,0.2624284870852064,0.17749402199919698,0.1066830797241779,0.0628185608109092,0.06316694573676485,0.05859972280163139,0.05855632180194004,0.0614896121432541,0.06044665577035413,0.05906015877483217,0.056731183016522024,0.06293688177962187,0.06459946015393803,0.060574577509265204,0.06962563980548919,0.06973012743794899,0.06461277413668998,0.06461277413668998,0.062152634371119064,0.06299745948824398,0.06517348625821995,0.11796466883992762,0.19937151980707493,0.26347006773719805,0.3274881262269812,0.3808492594888526,0.4338469045710126,0.48534448081547676,0.5309143326890798,0.5564359339090852,0.5758795202290337,0.5817985148951397,0.5915686521893198,0.593275143805855,0.604448720495459,0.6210513364957382,0.6412037562721917,0.652853134352296,0.6680344452871206,0.6788450236455051,0.6948921088313409,0.7256764416987841,0.7506033555592464,0.7648880668140907,0.7627110782215405,0.7565011299110143,0.763687749791389,0.7860430144274078,0.792511352105664,0.8183287650522597,0.8266302773342862,0.8336504735045198,0.8482582172396144,0.8684324042035365,0.8750202547617445,0.8749998420537963,0.8732133007832431,0.8797554862578697,0.8763330798172824,0.8805156672654364,0.8816278682498002,0.8891647290909426,0.9054951126119863,0.9265823181416147,0.9491040916003772,0.943492055919428,0.938062780168239,0.9172116973028184,0.8917600319089246,0.8411159098534698,0.7990210524098699,0.7488782623633644,0.7071375851763475,0.637910557708742,0.56585131585165,0.4740220047778983,0.3749122924666494,0.28031781873536654,0.17766758387964843,0.09777871762302481,0.03148187504081412,0.0,0.0,0.0,0.0,0.0,0.016380521032078876,0.04392287489559976,0.11275054309504284,0.13761271930911012,0.15822752287459596,0.0
0.7195234268682866,0.7162715114340804,0.7176351391263498,0.7192388149618814,0.7194651700632092,0.7208732215931719,0.7235894463512337,0.7252270520245185,0.7275368477059133,0.725683149244163,0.7255280083105572,0.7235624676874085,0.7213482810907159,0.7202253122910093,0.71602310552659,0.7144382990328069,0.7113071497033508,0.7105742172558877,0.7127559351919395,0.6555974639614088,0.5734851762711131,0.5284205391064792,0.5173754046974346,0.5236962063501457,0.5476067143026223,0.5814748805412069,0.6376959400163764,0.6903073524998656,0.7364956723868221,0.774611945358453,0.8184425012417846,0.8565246751000037,0.880926501222781,0.9018509265315656,0.9132174541765898,0.9207089114408856,0.9244827929384429,0.9269457659436969,0.9277503111655945,0.9215673279554673,0.9172078017630132,0.9182590021274442,0.9174709493190969,0.921092842648815,0.9265108813956677,0.9307754922469729,0.9289097771048058,0.91903379402194,0.9489684889317043,0.9369088795130005,0.9401528797222332,0.9358541959268641,0.8372338788000724,0.7915751584684343,0.7218839513734218,0.6751284612594127,0.6392474317058637,0.6110522303102092,0.5917371422814148,0.5190214158536897,0.45061531290693235,0.39585702216850893,0.35994557337304034,0.3543023637326217,0.3520445315048189,0.3508660157156934,0.3507073364788993,0.34731594240258595,0.34830653745131485,0.34808110241573564,0.3472084909309142,0.35130857248408903,0.36506051387137095,0.3922227380737291,0.39632183324803644,0.3931312446538485,0.3931312446538485,0.3936294263199715,0.3945058119582411,0.3922960595713901,0.4213287847070992,0.4650475200108144,0.5016085487670185,0.5379472707043185,0.5605716032530987,0.5811631680146973,0.6147302973680235,0.6422892530526406,0.6464179169359547,0.6350204109122182,0.6094822884563862,0.5817665593024028,0.5309716585583715,0.47827086706684524,0.4145737039916571,0.3452596987730674,0.2608383841075502,0.21528296095757124,0.1683967636378823,0.12142482818683753,0.09299535000418574,0.06248308751149434,0.037240233069475825,0.05222344824217068,0.05829469694281686,0.0617588459290106,0.0684081895560622,0.06667528174952037,0.06634074902234122,0.07797077129577307,0.08659520006711507,0.11168895754814223,0.13190998960209027,0.1372964151075003,0.13882452375724635,0.13562905762005983,0.1391945580411279,0.14493282944856212,0.14517785897383179,0.1435844413155566,0.1383666554038928,0.14436167955802975,0.16092752391890097,0.17222684705696173,0.16973750725935416,0.17665919628148102,0.19343613721691727,0.20263481227679203,0.20767978158378492,0.2088416489180342,0.24441379304744182,0.27382930575726255,0.2988530135768417,0.31852743199118555,0.32902113015877926,0.3300768832501214,0.3326885364254859,0.33204951575534003,0.33860494320643725,0.34885688946107996,0.3708808395448764,0.3996607763579867,0.4235644318255074,0.44624415353047037,0.4766749784149865,0.5236946916067832,0.5893975120236984,0.6772918100014532,0.6817121360962096,0.6831819190335704,0.0
0.9078671389825517,0.9081988913666643,0.9118600655460025,0.9153564469886485,0.9192565025328061,0.9248596989320419,0.9307293957061704,0.9335895690138595,0.9375647315957689,0.9381020259061047,0.9383188402199589,0.9356792044650435,0.9325895455476223,0.9307439629044636,0.9256935092166709,0.9235343732567276,0.9212537510599617,0.9206921287212322,0.923047724985715,0.8434412559147709,0.7233971742937706,0.6401641561604167,0.5832203466269846,0.5346866086244917,0.4845126874104107,0.4338917586168251,0.40350568333210135,0.36430505410390257,0.30814190877931985,0.2430328836559881,0.22354493417573426,0.2151160716171583,0.20949403299310015,0.2082282878990282,0.2050219741913364,0.19930032099927636,0.18089497233708943,0.1563021896166505,0.14081212850627983,0.1181097264415899,0.09716495268680098,0.08944940733540852,0.08910524996829916,0.10002366297908144,0.11135373172357185,0.14692201427221513,0.19837416886273612,0.2186712280450556,0.6115119368462595,0.6432879034948569,0.7218415852241576,0.7834979921424924,0.6606266479885771,0.6794666785573313,0.6591124359204615,0.6895023766190874,0.7252300093671815,0.7611550483423087,0.8045256919583783,0.8000073851249163,0.7706692465090298,0.7518064558518709,0.7275654999862953,0.7217577436310678,0.7226884556011615,0.7203675604871619,0.7207857795120255,0.7265856787480138,0.7281103076686675,0.732286373631016,0.7335286273725534,0.747002292584328,0.7855886506313401,0.8435088789067636,0.846087131292365,0.8521317012575544,0.8521317012575544,0.8477704181502685,0.852442166136062,0.8465045735408647,0.8414575302724763,0.8452127582340137,0.8336177694962273,0.8096830504839169,0.7782596900109489,0.7495440481144471,0.7315491502303998,0.7161516593715835,0.6891604507192449,0.6588348042354,0.6245531033700351,0.5966281983175175,0.5646847377280121,0.5330511033623742,0.5086082734739268,0.4668059682731092,0.4072216503946938,0.35271032708385475,0.3020026039403281,0.2610590031659482,0.23535595017058494,0.19813058770391195,0.160711446834354,0.14947240570287873,0.13619669627967473,0.1354669835241265,0.139131841635468,0.1334781673318633,0.13294913860843588,0.14375161585972612,0.1608408204192494,0.1899762102811557,0.21555968656676855,0.22415612061119705,0.2268489243083885,0.22690507364701662,0.2331521585932435,0.23954650908290326,0.24128575387060253,0.24057397657754365,0.23861927154874124,0.24578079991711438,0.26529942555054453,0.28093555564046474,0.2821290986106995,0.29161023847070333,0.3080064326205384,0.31668925089848066,0.32121665936501786,0.3221068480111987,0.3548120724288186,0.3820389337354734,0.4048462553565796,0.42422723743745,0.4340241191611053,0.43640499468001015,0.44188192907183216,0.44421336675201595,0.4514688876124119,0.46523177030343227,0.4872728968751141,0.517251462403391,0.545523296995688,0.5771338118548215,0.6211015596324712,0.6868077245412886,0.7751817023251599,0.8801412739091592,0.8850457399950269,0.8871817617126097,0.0
0.6729573332012332,0.6687336739465464,0.6685946046293445,0.6711499357629966,0.6709341754383088,0.6716682461551232,0.6757907250564223,0.6759954171322532,0.6782661679635604,0.6784274981185414,0.6776339034708447,0.6769562890136256,0.6742366794539518,0.6720763929858429,0.667157115768595,0.6654785936999147,0.6698767250129001,0.6880388118383993,0.7339903081880159,0.7148929810623024,0.6473996847886492,0.5855497850585472,0.5345844423458561,0.489029986642729,0.439663230282265,0.386794021456735,0.36004336714697344,0.3266714843445264,0.2737151765099791,0.21216869617510659,0.19760144012047365,0.19501907254685005,0.19417689516555744,0.20043870702703334,0.20125852698661226,0.19965714380873645,0.1990172253410134,0.2062502672772546,0.24115318208491066,0.286906518963882,0.34252903880067437,0.4399656794767428,0.5200376561014067,0.5879637243912843,0.6492233388227047,0.7083026476927581,0.7593995319744177,0.7965244492578465,0.900555872301567,0.9073512429182795,0.9320591560452672,0.9406046167974024,0.8633252509706777,0.8348347120430193,0.7734483423246123,0.7293916090266445,0.6958028666312932,0.6699489330244932,0.646740882440076,0.5844074392383429,0.5302253884423077,0.4774124302599053,0.4461373367889878,0.4403690590927001,0.43493124196611493,0.4331312875874965,0.436056348033552,0.43310741973752725,0.4361117372479812,0.4369686620186759,0.43756322810492987,0.44902131601999457,0.47025838377601337,0.509906964555271,0.5082082851514791,0.5101424643440359,0.5101424643440359,0.5143018889793387,0.518006430687902,0.5142482295727098,0.545331524627626,0.5892761685658034,0.6252594664648637,0.6587089533565699,0.686754443557363,0.7182812228299534,0.7559284183875216,0.7900896912369257,0.8036369988919431,0.8176151022831781,0.8214096619691817,0.827481704303207,0.8212679078015275,0.8212551184001322,0.8258370633223209,0.823867349671614,0.7893933118841976,0.7526767725424599,0.7054196207087142,0.6645910127004702,0.6288339756813639,0.5867865360387914,0.5299937806280063,0.46511420107879237,0.4125292999935154,0.3701778632154421,0.3239198626542886,0.2847914103537878,0.2600108842468685,0.24951417340976406,0.24113314072065173,0.25427061516951266,0.27322716499488336,0.2756470727492959,0.27661496363782656,0.273363556875336,0.27693116722092675,0.2774397339724135,0.276076460301099,0.27089215220441754,0.26551965858872617,0.2682539344218098,0.2836660498672478,0.2954721129017046,0.2901249847473286,0.2861868966964193,0.2920450712840206,0.2862185416976169,0.26258270336296013,0.22778205186046596,0.21499698858097038,0.20204021662080385,0.20854549974777414,0.23113674418525088,0.253299179094387,0.2686586862335634,0.28028681551557705,0.2823727016020264,0.28569420200365925,0.2918338477528594,0.31157226523436493,0.34275827494057354,0.3648413089915341,0.3867144123721138,0.41413825401360116,0.45532626023073797,0.5139970161667872,0.5928581304642668,0.602850554512102,0.6056389304397676,1.0
0.9291554628893319,0.9258054891035032,0.9247531621649024,0.9233166094055205,0.9180462750239156,0.9112125233835113,0.9054936418947581,0.8953796547136136,0.8824141483218519,0.8704584450745929,0.8584995886331475,0.8439215913018265,0.8307588121338793,0.8216369245531905,0.8130531845176607,0.8085236731745707,0.8046206973456156,0.8022799611049569,0.8048516737041223,0.7356792384459439,0.6289398309507068,0.5572325969276848,0.5046725741613769,0.4613250133056521,0.41497987602579833,0.3664997809497611,0.3377742505679021,0.2987787442870576,0.24025761050767175,0.1721794658054932,0.15076138376513987,0.14279004182343724,0.13828722716956043,0.13756625279761014,0.13631250481396207,0.13373435898599972,0.119519615887691,0.10557620224492159,0.10766640889076473,0.10421952030671577,0.09783539795158791,0.09727898204426216,0.09408158502648611,0.09328119358843673,0.09149718114876476,0.10419974840766116,0.11961070972292887,0.11839468167368655,0.4809741188378307,0.4675528500728251,0.5392695947177785,0.545330422239407,0.2814521406048505,0.34692418244446854,0.33464565802264074,0.3928211948040051,0.4442303005731788,0.5008333982772168,0.5641027073304723,0.5900094162600671,0.6266329535662868,0.6743155973808984,0.7314683348698472,0.7726108665971074,0.783733206127083,0.7859119019027244,0.7829954887662977,0.7845783210175994,0.7885111708886594,0.7927521763314965,0.7952111278863858,0.8098529659423366,0.8497514591061679,0.9129888982218847,0.9187315589196854,0.9211206530429947,0.9211206530429947,0.9223488697590725,0.9285140789329417,0.9320404974223142,0.9373309566889172,0.947142695811716,0.9487135907285112,0.935074921635163,0.9134186948385692,0.8874059726258611,0.8662497733754254,0.8410225877191999,0.7922709827795724,0.7419931293074784,0.6881841787813593,0.637950810226988,0.5849152409384542,0.5397223605160705,0.49036035912786974,0.44583908194969885,0.3959853209189342,0.37381043039947404,0.344193329706272,0.3167652431220196,0.3070761883929565,0.30295498898156437,0.2959728677747995,0.30446303524930596,0.30483020747050427,0.3077498842797265,0.31502276769680154,0.3124143567110937,0.3141667377308094,0.315778260811691,0.31919581053055673,0.3418681669306919,0.3668101942425467,0.379728112124983,0.3887341852499,0.39969530294297206,0.418413101875286,0.4318199323945846,0.43259525289138157,0.41747155074180353,0.3928869570175581,0.3708011013967334,0.3579464546323818,0.3435002829350567,0.3187502503884653,0.3100024236494374,0.3186644898480004,0.32766072287223336,0.3337918082602657,0.34018502414812224,0.3740288006860571,0.4038118908569925,0.4269756267600696,0.44763515861186265,0.46258877619803823,0.4662250466042806,0.4709821554662762,0.4725640600374831,0.479356391227318,0.49068033779127396,0.5122310359336053,0.5410797542742977,0.5692595187711966,0.6008988554304195,0.6446628289806586,0.7091216989711311,0.7978924034161199,0.9033337755892294,0.9038645408048034,0.9024551902450744,1.0
0.4102626823003944,0.3999348771963386,0.3966261781830336,0.40264261233474996,0.4161113858869704,0.42564530585583404,0.4279411501781878,0.4256768620206285,0.4291040020773015,0.4329588681986638,0.4334184390527449,0.4322467380837397,0.42677050520485016,0.42588292852230825,0.422526072286026,0.4172274644639168,0.41169668487345557,0.41202526811748985,0.41425375803579123,0.38991531464533247,0.35937901581061205,0.35860656306905125,0.36542762618299873,0.36829019351117825,0.3518452273169462,0.3199005410031482,0.2975298071806716,0.258707023334812,0.19171582808503618,0.12022837272894399,0.1026860151674876,0.09679441455018611,0.10108711776919904,0.10199774491622832,0.10556384086134579,0.1015638052660891,0.0933818720600541,0.08223725704087376,0.09878710287455095,0.14166084418097943,0.19241692210575198,0.28131290332831693,0.3767458215847555,0.4474661376964573,0.4994473567408182,0.5815114235298999,0.6304668928222451,0.6784510220068506,0.8349524157852956,0.8405778933551306,0.8632417287054789,0.872137523077652,0.7520142488998405,0.7226980026639029,0.6490923235171955,0.6120568140531107,0.5807792986381106,0.5491224043302184,0.5390257062456102,0.4540116635297949,0.37620177882252936,0.3183884260716463,0.2717286219007108,0.2779535442996598,0.2781531006146774,0.27372804128947315,0.276967687938784,0.2798993957085823,0.27950856712035815,0.27865592007891826,0.2826633113379434,0.28434335263269833,0.29798912485514484,0.31911431196664486,0.32287686997460124,0.3170056367627794,0.3170056367627794,0.3233497553303906,0.31860561055775205,0.31870391322614217,0.3510545815960998,0.412133053030998,0.45821150564166846,0.519522110922478,0.5569977243013051,0.5886970152618297,0.6359883775065702,0.6748127004546245,0.6956900139052756,0.7064827673502021,0.7130404572801834,0.7213466413145903,0.728558941751281,0.7387463861732129,0.7600177806587396,0.7873516898135785,0.7984649066554166,0.8014735067357812,0.8121743310912526,0.8303533109847534,0.8714451566369295,0.8963013299089764,0.9120049660882082,0.9120184323389444,0.8937151253913701,0.9028892125703525,0.9332577480967184,0.9401803532743658,0.9654818996265837,0.9719789496968596,0.9710393784742728,0.9785464801310733,0.9679414811211287,0.9479023864882279,0.9018720429278155,0.8654735255122639,0.7974569988167602,0.7464251024067643,0.6794283625631572,0.6225151031975038,0.5564671726525302,0.5047517319247666,0.4632457047705839,0.42195544471967783,0.3850995391628967,0.33892346289532765,0.3114618725176501,0.29672457449380013,0.2648859732857168,0.24190881597218872,0.2522274726685372,0.2615905627726713,0.2799596438530215,0.2956145548174768,0.30501664657670824,0.30689009273937706,0.3076957111748452,0.3097639414837049,0.31886063434704554,0.33425179177444286,0.35486744774436907,0.38187595495203525,0.4030316941385771,0.4238698212407197,0.4467954775020544,0.4886502023858349,0.5411881205164089,0.6067232239049046,0.6045507457279009,0.5944676887114088,1.0
0.5408726554194593,0.4465353207338394,0.3747415983989395,0.33105029687592724,0.3082411489025849,0.3046460677654901,0.30824589586646556,0.31536335798755855,0.3298677941111967,0.3475049299429991,0.3639990793274891,0.3766210501598637,0.383697049893833,0.38750541218252144,0.38923628052972115,0.3863540596570517,0.38534629356017236,0.3826217581254876,0.38146150293659775,0.3483437191374136,0.2967883328930847,0.2616823388613212,0.2343619949889878,0.2091850710662283,0.1768884434503849,0.13677366506709043,0.11852132947776622,0.1033449250995756,0.08800729295948717,0.0967075083377183,0.18862310400499493,0.302305770645793,0.42398102943855487,0.5258914354890167,0.6203530668115013,0.6721569568354676,0.7122388576558425,0.7326865965388905,0.7458121615087926,0.7492324416005187,0.7473859221405637,0.746519501401897,0.7423226044819212,0.7388710585034435,0.7404759437412853,0.7408641698594332,0.7408222367798516,0.7321689883608271,0.8398337128636018,0.8254542098693657,0.8402236523542624,0.8331884765902857,0.67110332565611,0.6365838824911274,0.5539212167635617,0.5137904879426733,0.4770462465254642,0.44667821088637416,0.41887167246981993,0.3201842885215665,0.23489630604976877,0.16823651119669947,0.1232187434389202,0.12258754123310278,0.1172320898182454,0.11512821786314503,0.1168458717096803,0.1162022598337818,0.1138119368494262,0.11177437196493667,0.12226310981563004,0.12474633845260097,0.12102877603804363,0.13248321933821183,0.13651650049295144,0.1340926247535038,0.1340926247535038,0.13356022339961365,0.13588177926644152,0.1328182462065151,0.17981898872373042,0.2593682096580171,0.3208586363152881,0.3807770494705368,0.42894437735728297,0.4764972147962222,0.5274028801818986,0.5707859482304295,0.5962363808476248,0.6144310847155028,0.6231519236016526,0.6295881722210008,0.6345226924923095,0.6469949675874891,0.6631497961270207,0.686866610133192,0.6951314828369143,0.7107350280194862,0.7204240473038028,0.7348558823352891,0.7704688072703044,0.7959360150936364,0.8124253485363517,0.807374331362867,0.8022658661651909,0.8086499540608454,0.8300557575733101,0.8381037251511815,0.8658654307872463,0.8772706041932865,0.8874698587672598,0.9014222648445498,0.9325426129053991,0.9419381692104711,0.9434863106613902,0.9387524297760259,0.9450308312660693,0.939335335921045,0.9315207841712385,0.9233582180620687,0.9161454385655041,0.9028910464440545,0.9025283813852076,0.8984400139411146,0.861020961069678,0.8170885345225996,0.7544925018787122,0.6864110258193721,0.601507704714337,0.5180436967346495,0.45974753965934156,0.4061194476865409,0.35562054761397877,0.30777873366664843,0.2608521792056069,0.21133331151121748,0.16927537304164408,0.13109596020488734,0.12350190069519462,0.11996906465286394,0.13503846928957675,0.15874169317309217,0.17465759333666775,0.18557074911866378,0.194495704343831,0.2153115671974467,0.24551058444741103,0.29972061913555237,0.31197703113323016,0.3127718542540998,0.0
0.6050221146657018,0.5992731912822677,0.5995908606015105,0.6031917265861265,0.6026001534345594,0.6040252942147242,0.6057910529010864,0.606952930500276,0.6097289454104138,0.6084004842849131,0.6088019378994777,0.6064346528459681,0.6045658869070581,0.6013951806632628,0.5978289252602248,0.6016440584978989,0.625434285647141,0.6633330239033136,0.7090277900739771,0.6827009424070218,0.6070794633959717,0.5420574990060409,0.49184015015075233,0.4506010726977016,0.40249874646658684,0.3584578048109546,0.3336228853437099,0.2947993198687277,0.24257719017464047,0.17835279173082924,0.16076926485693516,0.15250671213891215,0.1487090612395583,0.1559682511009558,0.17590747438825283,0.21392975881414789,0.2556539373948931,0.3012380636832999,0.3663179207412188,0.44383408069294755,0.5098517895535098,0.5727728720360751,0.637579565951801,0.7024689399213009,0.7601888851980182,0.8090393758809932,0.8464362196423942,0.8713101837738491,0.9368908844264235,0.934727641682862,0.9424839108623435,0.9404618507702338,0.8435018341932332,0.79749231561532,0.7268003000234555,0.6851261174203079,0.6475587896861326,0.620691423919989,0.5957793646316379,0.5257242070109223,0.45855544496577394,0.4012545814291242,0.36547578042026396,0.36127364556634134,0.3588367889958099,0.3596100167855548,0.36553666698697496,0.3683841990401297,0.3675511341504974,0.3685987688614506,0.37391950564750476,0.3813531247851564,0.39600174981291814,0.4302070918164598,0.43094054018911737,0.4341868167144869,0.4341868167144869,0.4345611967777147,0.44029308828792924,0.443896038212415,0.47399059447449354,0.5261603310092602,0.5659288049918779,0.6035653773600714,0.6390572671850665,0.6737188826994336,0.7125736069545321,0.7488025817423498,0.7618331929698361,0.7734850832673594,0.7757362023738392,0.7820544590264156,0.7846202266327732,0.7991572910681146,0.8178594583305064,0.8402676419231756,0.8504200462669762,0.8512470392419849,0.833390335386536,0.8180896079675237,0.8153597406745379,0.8004899811228272,0.7582525879561814,0.7043663646702869,0.630821182864505,0.5784756580475501,0.5190917662740255,0.4479109437012919,0.384862570915065,0.3413895224868694,0.29113031445083415,0.2691917717350457,0.2545451803077775,0.2340332378690715,0.2226461573006001,0.2116277784682114,0.21377721077218903,0.21878232662350577,0.22107447249821005,0.2192453074223314,0.2162092566190697,0.2198854422052552,0.23175735441489642,0.24007131136802712,0.23590507899431146,0.2391980131418866,0.2509021188849063,0.2563404458005925,0.26388177083465014,0.2663300538214101,0.30070902777773745,0.3250165433227638,0.34481834102782133,0.36030062497100085,0.3640527822553584,0.35728065854234337,0.3504735860055459,0.3406415479206444,0.3166697474251463,0.2939663707524283,0.28410271458960545,0.2864271886474167,0.301859154384963,0.317140605672001,0.33965783306508646,0.37967917833134235,0.44453079381503213,0.5262461847788791,0.5388035045744279,0.5440122060545485,1.0
0.9067016615747929,0.9043304599603801,0.9074800601386761,0.9084711577471465,0.9079505428692012,0.9089547409853044,0.9108723558009735,0.911097598097639,0.9113424203604852,0.910208691561787,0.9102066238297764,0.9069406503051594,0.9023376488970767,0.8988688282402206,0.8938570210508574,0.8892833629843517,0.8848535188858568,0.8820281880398984,0.8804354261872784,0.8021927093610548,0.6868265303791738,0.6054392674916089,0.5483656488501815,0.5005703161343765,0.4516874144570927,0.40103809436480525,0.3710781464350239,0.33079997829645214,0.272750872101203,0.20588682268365494,0.1859911679993469,0.17685126411690072,0.17221991888717025,0.17096324708754768,0.16874243813168177,0.16292131991381537,0.14468659364362368,0.11992862000773014,0.10445680095340121,0.08188481728686925,0.060832621265525966,0.05198150493806436,0.04965570665573338,0.048628759386087406,0.045813655406973464,0.05825346212280352,0.08934308845805317,0.13870766628902503,0.5407862869465768,0.5864625211462712,0.6896797329117763,0.7296213443164768,0.5819861054720192,0.6209379383872893,0.5916583553585487,0.6276190542485042,0.6637733409762621,0.7182867772086803,0.7680303093143787,0.7688723849059669,0.7391182432972808,0.7095216090750769,0.6800907092038317,0.6784662509814636,0.6764205388768625,0.6725363795127032,0.6771075009712363,0.6734593308834931,0.6803523511193461,0.6749416439831409,0.677100805439049,0.6898004789920313,0.7244361285440852,0.7804280382810366,0.77995901783941,0.7774399486370678,0.7774399486370678,0.7789229556146291,0.7789370343759968,0.7766134942376106,0.7886059215285226,0.8124001867529573,0.8271159378149401,0.8380382824712618,0.845728906882199,0.8462664352178152,0.858629822335601,0.8644322241515696,0.8351946152365675,0.8029714301955806,0.7568900271312731,0.7228239305459303,0.6837180588979508,0.6555499770046261,0.6318398380546001,0.6099459468253814,0.5999649847300051,0.5416695151942851,0.46955294352582716,0.3854994987621717,0.32866598074257053,0.2818655082455977,0.23292647386281745,0.20317501225673773,0.17885447700475093,0.16856583237649297,0.16925519179459325,0.16620495797159807,0.17475473455323343,0.18916161649064867,0.20628060019673877,0.23265039612347282,0.2554866221215059,0.26470245627270533,0.26650812721264144,0.2639199096822956,0.2670450929941766,0.2700483103606424,0.2701014745579041,0.2668367513302167,0.26225043805656345,0.2667124758573661,0.28282476304115034,0.29590393841846496,0.2959594411971673,0.3007860443986409,0.31392566096957075,0.3219320269096826,0.32658963156228926,0.3270067911126303,0.3574101065461689,0.38423708127276107,0.4057200949762361,0.4232842163016744,0.43227933391061507,0.433058896279701,0.43533867326134923,0.43743680253022704,0.44426121843966787,0.4556047404427487,0.47673888421726446,0.5061271720927307,0.5315584927469246,0.559731794236755,0.5988042338664751,0.6583505643622618,0.7401822067140422,0.8415645537967624,0.84426600741258,0.844035291195541,0.0
0.6132573858496222,0.606687232514662,0.6087725971729715,0.6125068211665319,0.6131541228616942,0.6121196800967655,0.6129556679089746,0.6118491845911568,0.6132180734476097,0.6153336658856228,0.6174532521212981,0.6218249273968164,0.6238600395170475,0.6275821055868539,0.6363505314913629,0.6520330468748715,0.6900272210831144,0.7444712410151457,0.7890125744849878,0.7419248633459081,0.6400657771372598,0.5657330689596438,0.5094757369897643,0.4660213917414067,0.4277916703336945,0.38395704577640577,0.3595724501715639,0.3240472097721933,0.2692408685911995,0.20669131202678193,0.19623535901297473,0.2027911300000866,0.22921625078583188,0.2893425440200219,0.3586811521406897,0.4370057831240926,0.5060232585771272,0.5672046916782786,0.629061777577334,0.6843813433603223,0.7273442334503866,0.7765370156994245,0.8159452964790912,0.8555757559064117,0.8880099007296962,0.9121984377497059,0.9286078992539268,0.9263425483837215,0.954304442707426,0.944038139606808,0.9488796271348647,0.9451875917615985,0.8537930230758102,0.8100901520744482,0.7373805172716583,0.6978271587545387,0.6613707958745902,0.6338049954190378,0.6130620776034706,0.5457337107303772,0.47919548872409645,0.42421168824964406,0.3882414542249021,0.3834502473610062,0.3806549765437785,0.3791078768061654,0.3805309806911371,0.35212907905771745,0.3558082104457641,0.34959736131532326,0.36481938107517675,0.3592373676923985,0.37644042380781806,0.40454523623839056,0.4146629556232733,0.4054419186128819,0.4054419186128819,0.4091569383403209,0.4068188165256522,0.4065160590273405,0.4315838390737994,0.4889353565926968,0.5292372677348497,0.5853314655296795,0.6201418657856592,0.6537587967359311,0.6971498688735701,0.7404187473628159,0.75582298073626,0.7635120397768944,0.767251288950412,0.7732481093814254,0.76882462508379,0.7856498696077506,0.783235021208369,0.787968334991682,0.7589354311946209,0.7374137409344017,0.7018132767000063,0.6662488176398371,0.6415976262214493,0.604256832847901,0.5558974701519518,0.5094025644185969,0.4485771655200344,0.4060769080034393,0.37589646623033524,0.3163586671536299,0.2802402766094414,0.2561377508444676,0.2450363195994686,0.2410094867205384,0.23521787672607752,0.23442521086867413,0.21036447558405746,0.21089298387045863,0.20654645986338188,0.21237042902535008,0.20572156921035273,0.20341888931068663,0.19037887020495942,0.1990721662726822,0.20895960660550955,0.22480991264110234,0.22363691577681283,0.22422774699901,0.23778137110969477,0.25310288253901664,0.24881412915406942,0.2449235426053754,0.2724130582182736,0.29776502242213204,0.31836375665029576,0.32366921310615226,0.3208478027047864,0.2950384894316912,0.2572572560211471,0.22723155563580366,0.20540197076701727,0.20065224190798614,0.22742049359964478,0.261871762772661,0.3038937013292955,0.33370324994625333,0.34485810609517253,0.3840920810969849,0.4267762252710394,0.5049245608798419,0.5203017110852622,0.5335821683530934,1.0
0.8393395994537204,0.8409077005001552,0.8447107799479372,0.8476806220856583,0.8515920511528454,0.8562104728484452,0.8606390608245408,0.8628282684183857,0.867317373019007,0.8691829400516222,0.8701490157627376,0.8689580591846943,0.8674161275508765,0.8661490227020862,0.862492140687162,0.8585474854396576,0.8565057268082107,0.853545710989464,0.8538502299724877,0.7792955849846619,0.666711118715861,0.5880012724649655,0.5316994037243792,0.4854248257478577,0.4370569851063033,0.3873627981375636,0.35728048659584855,0.3177729076758893,0.25826905282654233,0.1903735682978402,0.17112962662181974,0.16452069482569598,0.16534837781588752,0.17247595961244028,0.18067391502659802,0.18660673180093396,0.1726886389116818,0.144747516615293,0.12436503900322471,0.0961216088547242,0.07186124967073348,0.06592224907167538,0.0705594032071088,0.08664571409840066,0.09182890161261476,0.10402460154375637,0.10957284025545166,0.11550839435038548,0.4912496296783405,0.4918166508362049,0.5701860843209534,0.6162402354922631,0.4159078703189059,0.5054761793442073,0.4788137305929545,0.48783933597676565,0.523869767288516,0.5684395842553008,0.620009271542743,0.6417020391720816,0.654651743500878,0.6497278049837357,0.6501516457336938,0.6512031333533831,0.6546690099252801,0.6591501742546577,0.6594917951709078,0.6579690804561016,0.6640274954514089,0.6622056756750331,0.6637720933482785,0.6757902530477455,0.709468098352358,0.7612163857396493,0.7666356532111611,0.7626975907674332,0.7626975907674332,0.7635968404245825,0.7634066836258367,0.7625484077992497,0.7765794356300952,0.8046509587902675,0.8164807756181052,0.8357639615945445,0.848448072879152,0.8668612824898473,0.8949775994686169,0.9252370995461452,0.9289607984503436,0.9242026803980479,0.9043701534949329,0.8724934278124858,0.8313223021624454,0.7997931726915278,0.7570442725442004,0.715080657044032,0.6470740707442937,0.596170521424731,0.538204226975027,0.491304085743249,0.4567530653460541,0.4288855334674855,0.3801998688166047,0.3531902661936617,0.3239859981573947,0.30515230940706306,0.29319917122100525,0.2733057777727874,0.2664068184991307,0.26373170987476025,0.2616443535871109,0.27273043315511647,0.2916396439491581,0.2968281890137526,0.2959772594029676,0.29298688702068304,0.2973958069909739,0.2987462932720887,0.2993468963774492,0.29652710156561585,0.2914787557879483,0.29299660002266936,0.30076898405123864,0.2938168810243569,0.26557202181460765,0.24317180308246067,0.23770012620103476,0.2343498342114591,0.23380568921846845,0.23862804494143802,0.2829926144099953,0.3182638424413629,0.3476017022379429,0.37062427822787825,0.38808524107609527,0.39477333504984385,0.40490633309864593,0.4127553252367759,0.4250929230390116,0.44200957376700806,0.46992632789948824,0.5000488122995639,0.5275459671317255,0.5568407216559088,0.5978875459960666,0.6629398905155044,0.7543652905514632,0.8714077459221102,0.8831206394350936,0.8907915937596589,1.0
0.4085312109975413,0.4096744294414698,0.4192222773340609,0.4240837960454851,0.4298635517679167,0.43365850043135357,0.4360346716148088,0.4366820425569271,0.4359906359037736,0.4345518855244894,0.4306989067531075,0.4274878148843285,0.42492560091326603,0.42329713863209983,0.42171567411653754,0.42035123657682716,0.4205631272566376,0.41854161595739925,0.4200184446544103,0.38359576007882157,0.3277170394551153,0.28927519422246506,0.2592309317850924,0.23214755755055805,0.20132682338953406,0.1734966734928834,0.1833233208431309,0.20357862870834365,0.23571117068297742,0.2754021074462282,0.37610429535093065,0.4851815467319904,0.5791746578701817,0.6519788554333,0.7009848564566488,0.7365139737303672,0.7479841060127226,0.7513136914970616,0.7546687799676511,0.7477572233893341,0.7418544123622932,0.7416827762441571,0.741761682696202,0.7489111785779813,0.7531458281336558,0.7541767099470007,0.7541194562372064,0.7476752375551321,0.8445192733356881,0.8317337048956854,0.8465274667918246,0.841743104339581,0.6842388676406099,0.6488388461124659,0.566070270160489,0.5257235026628124,0.4864358107197293,0.45787444547390077,0.42801931943367344,0.3309641021662336,0.24535118760339583,0.18149998711081866,0.131004805480663,0.13360298028538314,0.12742729263267683,0.12786184741188267,0.12733863254359673,0.12412303823017118,0.12371774568533878,0.1182384919777727,0.1247778610723897,0.12447154751724515,0.12660041861772015,0.13805027530671587,0.1419409481078951,0.13803784028441024,0.13803784028441024,0.1391240203756438,0.14566844787874356,0.14303766937314427,0.19107534205835575,0.26518103041471597,0.32672901947100996,0.38452379505157397,0.43419771691041265,0.48514778690201354,0.5358424354265681,0.5781157235191412,0.6041578244277219,0.6212943184956751,0.6294110851343316,0.6373173363576321,0.6421355482485371,0.6554590439610299,0.6734585227787282,0.6984829753877952,0.7111227773335149,0.7258001267419741,0.7324608397775754,0.7500888586114927,0.7838170767604056,0.8108486018334353,0.8273017957918017,0.8218907952709804,0.8169110300604048,0.8242088139283861,0.8467748265826143,0.8541398314475692,0.8818990885586551,0.8961434399693434,0.9059799479543633,0.9203585039359514,0.944113076905332,0.9466800825388599,0.945847949182133,0.9360638041201059,0.929399711830604,0.9092099776153275,0.8911686284008944,0.8675743725535723,0.833536779712396,0.7982319609726022,0.7674621039377562,0.7270273292243994,0.6566523905102849,0.5704728671815844,0.4824446952884388,0.38953199256964777,0.2956042147549169,0.20024032234040734,0.15943147842721261,0.1278477916664209,0.10792564217940537,0.10073517321568737,0.10510915346141969,0.10314126396916923,0.10433298109646982,0.10336150468463767,0.1170525324434245,0.13151825367774628,0.15581217410385584,0.187985775200469,0.20567583518573596,0.21466277006816936,0.22240295308073232,0.24035591376758636,0.2709118921597198,0.32674162489356706,0.3370775653529212,0.33798211072574125,0.0
0.4437667797744623,0.43708075449869155,0.4358436786906845,0.4391115264570614,0.43612602266373734,0.42627894589650883,0.40498338160551994,0.3865733871139606,0.3736169796801594,0.3697225875138057,0.3672518251743786,0.37115677478611786,0.37703697467661745,0.38000834740986766,0.3834458953901485,0.3843551268904919,0.3876937141405751,0.39034853100426703,0.39224840445865483,0.36250858667797314,0.31369025304544484,0.2919838284216203,0.2823878463020908,0.279178952591753,0.2715501108201092,0.2410027814286151,0.2194526187837082,0.17592535573929097,0.10780021910200871,0.022054204658702448,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.012685158984320988,0.07487321490143356,0.14102029322561474,0.22062813489919306,0.3089282805122157,0.392549311433151,0.473109881131944,0.5358607536456554,0.5915654967857434,0.6406125799119482,0.6693332436827244,0.8219050769828395,0.823992257362682,0.8493291637885828,0.8489326518165475,0.7032276974244518,0.6698141786540864,0.5888092475639521,0.552612532811943,0.5117027831734631,0.4827608837970459,0.45871910418346273,0.36680703672645504,0.29160253706246597,0.23121283497853562,0.18826775205092317,0.18932769202805932,0.18513770891869413,0.18491233322223743,0.19218987956942513,0.19173179431727233,0.1927974689926129,0.19385413447421895,0.20274955719366006,0.2047072600176298,0.21118218875261763,0.23579900539588383,0.2368411308983212,0.23606339812852295,0.23606339812852295,0.2390039964858129,0.2440857477378584,0.24443863677350525,0.28534848604041196,0.35422989749141276,0.40698757770414584,0.4602936977283139,0.5040056036502423,0.5506240166376486,0.5958092854398521,0.6376158162271361,0.6610995133604465,0.6771697147909668,0.6815307460746851,0.6914951420147335,0.6940890734788236,0.7079279701865073,0.7275903995127182,0.7528268230338739,0.7660738393845082,0.7771900395359721,0.7866527905232863,0.8030786710467064,0.8373885833654323,0.8648005541624977,0.8817658337618826,0.8739924114156277,0.8675652528198835,0.8756995928238784,0.9012415026553688,0.9100364393282274,0.9415257153110363,0.9506267939492472,0.9574496814227579,0.9698336626650919,0.9950361636149299,0.9978152822735326,0.9931206430203678,0.9861208193025871,0.9829292474403488,0.9752946730899814,0.9652094285004627,0.9514714800746412,0.9313785256398119,0.9159296708471318,0.9049115080796282,0.889511366198551,0.8471720553322575,0.79717388224258,0.7434764783333033,0.6802429093023734,0.6171635038427862,0.5630427465113327,0.528369565589391,0.49981738779205076,0.47179856809195825,0.44058429624852763,0.40087594977637875,0.3612113823982099,0.33066914958667315,0.2982288165704212,0.28025408969688936,0.27156573064261447,0.2769537958718611,0.2921708238293129,0.3046603096254473,0.31538020788088894,0.32787259394892254,0.35603516342433283,0.3974025979732215,0.4641237694819069,0.46786834883542117,0.46931826586130876,1.0
0.8655362623740023,0.8638729476833373,0.8659470874067416,0.8673919508697868,0.8683809656912787,0.871725483259234,0.8760803462832504,0.8794673656748675,0.8812565318662734,0.8807342869242356,0.880479729889388,0.8794237349775612,0.8761323647025349,0.8751094454820038,0.8708930199495633,0.86890040798582,0.8660802628588121,0.8642580696037474,0.8639147517419838,0.7890327337299134,0.6749214661352392,0.5959374390442901,0.5399657634380959,0.4926530735904505,0.44284958239718747,0.3920627196870129,0.362182968187421,0.32213816390750416,0.2627693265104395,0.19436422060103026,0.17326676215439435,0.164669528845853,0.15976555270618514,0.16088000225314142,0.1691121553148075,0.17722077283176557,0.16738254433783684,0.14417504122271735,0.1258071018361075,0.09187723706449086,0.06476960927672021,0.05629468180867819,0.05925990861206393,0.06739857243603259,0.0679425669989624,0.07728973509862458,0.09488700566675978,0.11402693918145174,0.5180222416714066,0.5502436636367041,0.6562866273636908,0.7098171403301388,0.5713395944030253,0.6379978925875956,0.6545711165898157,0.7133311179880091,0.7766329452482752,0.8302822109798337,0.8635257289181252,0.8589028681907391,0.8104759848626674,0.7749232652124125,0.748057091896783,0.7430499510174193,0.7384209804814998,0.7365771782790628,0.7359785502756123,0.7368153643548141,0.7474338889350858,0.7485950123269257,0.7514317673056534,0.7623820129923917,0.7930466119073929,0.8602691546148925,0.8580238892141758,0.8636543848910032,0.8636543848910032,0.8540267312584002,0.8600662642607956,0.8643745396989795,0.8690365572169467,0.8824877677360043,0.877229610502634,0.8586156811041672,0.8242890451992005,0.7865908450291236,0.7570631386673153,0.7240866043074261,0.6665997542541503,0.6226649615424642,0.5653494900146225,0.5168763619135985,0.4613520144681426,0.40301672220362916,0.34947004656274006,0.30384129514178027,0.24535179762070497,0.23930473758520163,0.22468739641334803,0.21257709216898177,0.21887602228835965,0.22579655795413575,0.23184540253485778,0.2507943387954225,0.25591296442890865,0.2605602060464716,0.2695884096130892,0.2679920760466308,0.2742217131309588,0.2907032697696007,0.3052170339471587,0.33695421051615226,0.3733466089462676,0.39178720434703074,0.39825262837941355,0.38909334176747556,0.37758729680894815,0.357579662572995,0.33139912502130564,0.3038683891714789,0.27818941594759755,0.2667005624564981,0.274044509785542,0.28551341239631683,0.2869494014989362,0.2992351667571248,0.3174482255078089,0.3295540465568466,0.3381329786164622,0.3455257052707341,0.38649557661032025,0.4225794083020177,0.45140335043390245,0.4768043741769312,0.4894804196642038,0.4899500143798687,0.49239360962684653,0.49319442601180286,0.49663210523739515,0.508223552336637,0.5295195625988087,0.557691142194706,0.5845435749653833,0.6162713829116016,0.6571873314661238,0.7217556748274818,0.807562330173182,0.912916583334392,0.9099648210586458,0.9087907361894212,1.0
0.12258624791248862,0.06834268147883349,0.05328285444420411,0.05360193457465745,0.054750599435082536,0.05752637284557949,0.07347502380639859,0.0864022293450486,0.10007290774706301,0.11234511568271821,0.11761519723849201,0.1187313969916386,0.11912050990473921,0.1187798911274569,0.11646151289256812,0.11591996671519778,0.11540732291569156,0.11450240548206492,0.1149332406724084,0.1051538665162568,0.08885460081242003,0.07915447757852034,0.0686085185269153,0.05439448188860263,0.03216607201806576,0.0,0.0,0.0,0.0,0.023372916872892335,0.1249360446707955,0.24108426745140543,0.3592406580837638,0.4645195115247697,0.5532718489487531,0.6122913624892022,0.6512088813785147,0.6770638404700856,0.6931139361915255,0.6877625351818693,0.6787083905608258,0.6737418428004703,0.6679112039074688,0.6770258879137379,0.6677514335083344,0.66930195833377,0.6694997449063212,0.65717130435091,0.795530056560066,0.7801448385510171,0.8029160887540983,0.7947470024714777,0.6116306244809934,0.579646651306702,0.494950793206424,0.4543776715701173,0.4140257941563626,0.3837449833020222,0.35542232702822407,0.24645852325831896,0.1531919107875178,0.08354530773891289,0.03628036755095432,0.03505998468499405,0.03309434890616536,0.03103888307243252,0.034952849063793645,0.032618265817004666,0.028844323106566372,0.029401791345284922,0.0321338909212911,0.030183690039448874,0.026201691845014197,0.033837146844680366,0.02705587694410566,0.026340211632826793,0.026340211632826793,0.030416509080099408,0.03557785650197132,0.03013574031516575,0.08151635797790796,0.16492134020564178,0.23202904416024403,0.29980604179112413,0.35336592617822027,0.4088304577853564,0.46234266572152166,0.5100056517287048,0.5364719922062635,0.5547839485059081,0.5644667496044217,0.5715506286046104,0.5744490469893929,0.5884581257366748,0.602288667526697,0.6230376604845103,0.6305767732208396,0.6475337591102358,0.6589570684239101,0.6724422461894636,0.703323589479584,0.7285556734816231,0.7421789254862908,0.742567556620894,0.7390606383538414,0.7444535118068101,0.7653033728397443,0.7725361373797027,0.795576411797921,0.8062489360622229,0.8142868128960064,0.8303902831092514,0.8521168486950614,0.8565653097683801,0.8598958297067316,0.8573261096294221,0.8607321520357241,0.8615630029416699,0.8641006954125741,0.8684606838116691,0.8790464688531593,0.8971496341499048,0.9283578199442506,0.9616048149081178,0.9844759457344356,0.9925896096849413,1.0,1.0,0.9969401095042669,0.9990605949355892,1.0,0.9974340882386366,0.9822003955170732,0.9759771626543211,0.9581201509258886,0.9400694904641315,0.9298448370298673,0.9152324769156582,0.8875037881071993,0.8725652927714722,0.8474842508871112,0.8167236749781165,0.7748811462075456,0.7183302889719401,0.6543183601579261,0.5779888375742231,0.4886892565647397,0.38415814057983355,0.23975850359173534,0.11147455483084356,0.0
0.9313828128301473,0.9299536756145365,0.9316993424002138,0.932252800648999,0.9325926662634285,0.9350288903097148,0.9374758601076115,0.9393886079730065,0.9416975636362679,0.9419085496071458,0.9426142246130641,0.9417761603275578,0.9383769368053222,0.9373000526599251,0.9340464941826082,0.9324931859716408,0.9303768331392972,0.9283086865596017,0.9297286128573007,0.8496358619200307,0.726761336022947,0.6419250428289894,0.5820920168526375,0.5322446618767445,0.48084190827743434,0.4298504141577773,0.39938215644932346,0.3604084212369054,0.3038695400793954,0.2395628503200002,0.22015169944250323,0.21159923028744282,0.20793379731843478,0.21247368704739902,0.22334462993442433,0.23372030315590558,0.2245425058291155,0.20681245192126835,0.18815643768258442,0.15589243669370523,0.1250886055641015,0.11565268047376459,0.11456626951783061,0.1165183756292486,0.11684914154058013,0.1242162436296036,0.14700465954265968,0.1793131066066742,0.5610474493057613,0.5979169505697483,0.6987815799925414,0.7486278458769526,0.6192255361812543,0.6637773313555173,0.6623845094871367,0.7106847904146755,0.7611095100258283,0.8198758444916515,0.8687549461074647,0.8724921001668005,0.8316482799367261,0.7932002744337512,0.7729380526366625,0.7692382282132826,0.768568752244932,0.7710494002721412,0.7692853169966335,0.7698611498363379,0.7744250383559328,0.7742529494326419,0.7760103852023323,0.7893911812738237,0.8306309076390612,0.8894773206239862,0.8899783196521314,0.8885267252741116,0.8885267252741116,0.8865937881011592,0.885684018834754,0.8852157407584653,0.8874152073264094,0.8905597184711347,0.8693186474768742,0.8333633325469669,0.7826945006133464,0.7278423693637963,0.6832765672409318,0.6360317172077725,0.5842322128724721,0.5343763243127873,0.48146572184799796,0.42590040231911014,0.36018173328460945,0.3162218097763619,0.2619085202388664,0.2218633061062012,0.18162419301134064,0.1951598678041299,0.1945179545180053,0.18964423498379968,0.20200361521769497,0.20803502708023608,0.209462125848273,0.22818982377964142,0.23293129627159953,0.23728782445787433,0.2429411810731673,0.23777847572882382,0.2391885344708618,0.24685623634466636,0.25724743106164294,0.2826684252929898,0.3054970082013735,0.304289040249929,0.298142076790675,0.28251140290158744,0.2733710626728649,0.26091049462084714,0.245948077271614,0.22939624179380314,0.21683393407646845,0.21908408249663103,0.23611554330208023,0.25571468210032905,0.26776418620767056,0.28311256910249627,0.3027209389569246,0.31366604098607614,0.321194868788828,0.32490551178175675,0.36288489708534194,0.39339568600035435,0.4181208458702072,0.4399217252099006,0.45451189521292845,0.45939313949773614,0.4660124707035994,0.4682974666242504,0.4750203691117266,0.4860618077941552,0.5072101447835908,0.535782363974208,0.5631027380449432,0.5930378137914074,0.6356731162826875,0.6983751716267542,0.7849617937654418,0.8884917026376132,0.8882062562682551,0.8890467846032369,1.0
0.946150495256273,0.9427517342171544,0.9424481081667062,0.9418481118640569,0.9404745839603863,0.9377464669033759,0.9344248036727799,0.9297278238407726,0.9261018411136488,0.9200151345008876,0.9147957052998259,0.9114895404198922,0.9061444404109442,0.9030813858276552,0.9006317300851613,0.8979378492455775,0.8952901090765398,0.8925994791640794,0.8921256127006183,0.8151442606094639,0.6962115127395004,0.6133939254059413,0.5525125429443745,0.5012173409302911,0.45072503040682593,0.39860408961701865,0.36802923939824156,0.3272231229664618,0.2682178776809813,0.1994212067940217,0.1794121429284799,0.17027270463576177,0.16559175013034783,0.16392659906271262,0.16266067493547637,0.15617385237938786,0.1380068740911048,0.11318762840957508,0.09796121165238292,0.07642468749984604,0.05567675143034395,0.05011800158120927,0.05508279711183239,0.07189052634023063,0.10645144645261584,0.17754292124809443,0.293739322557719,0.4374598125623742,0.7311297556249912,0.7840181919145804,0.8486467340647957,0.8808097653848943,0.8156266986309917,0.8365140046670083,0.8424701639137968,0.8641730619644189,0.8803995586639297,0.9014634027284565,0.9279313062148554,0.9272553454207026,0.8942822080991947,0.8671088236336562,0.8476158007059746,0.8457448750872392,0.8461988192316834,0.8485189167031008,0.8492226751950253,0.852064376429662,0.8568321323279595,0.8567957490997432,0.8588266520035299,0.8704043298075237,0.9054234531762302,0.9539569539048262,0.93499463442113,0.8884546257544428,0.8884546257544428,0.8244550830787869,0.7458763436076389,0.6469596003050708,0.5724401601740655,0.5196501241958682,0.47305955553410317,0.4508501381686743,0.4383962996228705,0.43729225499683433,0.44052873653257396,0.44591028590777326,0.4314705325040553,0.4145679007632543,0.37054793291146626,0.31321044517624397,0.25342382131566227,0.20915579030324885,0.17185759688005092,0.13338134466030066,0.09630511698611671,0.11417442938183353,0.12102756359679567,0.12610339722357206,0.14378805387327392,0.15895579561612094,0.16891550148386547,0.19140996475891925,0.20297601554346456,0.21039754398771138,0.2236043001807433,0.22376700832904078,0.22765015674014927,0.2349617231306268,0.2455572962390885,0.2727914454824724,0.2950602481356274,0.3007240946235781,0.3044935842789785,0.3027839954273452,0.31325089633144415,0.32091233731484103,0.32815603243394836,0.33299959093746,0.3366431002221298,0.34738175490887874,0.36902163794909854,0.38672652344096325,0.3904591520462739,0.39449576957841737,0.40833944220429635,0.41490017978977783,0.4185453815234936,0.4187386516003262,0.4481663523765731,0.4699291932522263,0.48889435604864584,0.5046789168452233,0.5118795488903705,0.5125006893428753,0.5150075683326072,0.5169505210596252,0.5239104740201463,0.5366728110335113,0.5600152319567192,0.588793667898149,0.6172205065021479,0.650446407737805,0.6972311786389924,0.765800395855994,0.8579438992142538,0.96951900763889,0.9675730267526408,0.9647361218758643,0.0
0.8499215055631191,0.8458130310462681,0.8449636498957448,0.8459251890161699,0.846274448161258,0.8479096302020592,0.8515781003094465,0.853087527430251,0.8554770482288845,0.8559905487821633,0.8554265696443961,0.8548094776744439,0.8532380495428447,0.8508862345442489,0.847424461653006,0.8451601307411769,0.8424689050037037,0.8404171980790915,0.84118899657849,0.7679681528957429,0.6571106858066333,0.5793136489386344,0.5247291972132089,0.4785308526825056,0.4305498231902501,0.38073682387341956,0.350847375165693,0.3106263962812419,0.25173783466257105,0.18437586754322183,0.16441305330276895,0.15765646502654362,0.15495065628136384,0.1552323139325233,0.1545987788780801,0.1518713608050799,0.1412280697300327,0.13013743635979264,0.13055775342195308,0.12284264523327915,0.10547054186272009,0.0964789742044912,0.08451694887344313,0.07605106764538905,0.06640579489406911,0.07921385219574695,0.09062891343422802,0.08956433177479867,0.4617544501308075,0.44153966028985636,0.5062312275129316,0.4944937853391897,0.15460041321709503,0.1922383950414067,0.1345402127601959,0.17124000080546153,0.20671834728942684,0.25363334364994417,0.2999536035849793,0.27541667285731614,0.2942841364994886,0.3405127601313007,0.40809531177215375,0.5055754526631876,0.5877042498520393,0.6441115986954783,0.6633371307874631,0.671726128262125,0.6804538731678087,0.6802162291870605,0.6847522745007131,0.6970110405255305,0.732927459596836,0.7876355625032091,0.7953560686936807,0.7991154250302572,0.7991154250302572,0.7995343207179466,0.80667947721248,0.810138621761773,0.8256590871152745,0.8478288380884573,0.8607964667374838,0.8748930662728381,0.8841399745316892,0.8997717773618298,0.9265005229497713,0.9548247032653543,0.9596802922975884,0.960656948294327,0.9552384634007823,0.952087759596951,0.9407440887088406,0.9277638117357572,0.9132310728671379,0.8933337000439325,0.8431359735577433,0.7889700538906416,0.7348427213645576,0.6930465123745202,0.6667633687072786,0.633987468554924,0.5821194470465305,0.5324330789598111,0.4732752094954125,0.4332371614880965,0.39035432598859204,0.3504187955217981,0.3264287726115118,0.3083395704120919,0.2968792399128046,0.3080741137470657,0.32439913583943913,0.3256014864265802,0.3205996611106255,0.3116965064379318,0.3132214131198134,0.3139966965395126,0.3114267524050364,0.304420530904506,0.29808794184577775,0.3039611634424026,0.323321760446346,0.33821426211278766,0.33748377253381506,0.3371974534696011,0.3399871002359366,0.33149833051486066,0.3199330018035615,0.30648834358987265,0.32815638798167984,0.3459675620779209,0.3608068382497367,0.3739523947386033,0.38167244149285295,0.38158560172964906,0.3843150454710825,0.38676696995414006,0.39830828388465056,0.41448994459373834,0.4453048505683983,0.48299068809836027,0.5179293606424987,0.5556797914209202,0.6038751301523555,0.6712281521370875,0.7616130721940366,0.8663479542783368,0.8686250436383269,0.866739826613491,1.0
0.8435172066267396,0.8418155182040516,0.84650715355566,0.8497161535549322,0.8498785513487201,0.8527432008704151,0.857784156191065,0.8614130599007659,0.8642253012568963,0.8644048836601947,0.8655772784516408,0.8634602277594163,0.8598130678439281,0.8591451029185514,0.8558086308660267,0.8523818947997341,0.8493022287266663,0.8469240379313598,0.8483755192468105,0.7735267374894721,0.6623665723090142,0.5823750306654079,0.5267160867906846,0.4809923449006756,0.43308173729109317,0.3810800908803782,0.3514879164436273,0.30970958814426613,0.24932914961108138,0.1813069275814923,0.1598606149405885,0.15008254959788941,0.14451413241019528,0.14332895330412992,0.139661112739772,0.13288298010956312,0.11244886829854822,0.0872549945373714,0.06999429444008137,0.04547919992123706,0.0223320496773034,0.0117575038758434,0.007689058360523471,0.007304763918817014,0.0,0.0,0.0,0.0,0.43029732846395663,0.4480071068438565,0.5615100670865132,0.6185507108599045,0.4773138362954561,0.5749103144215835,0.5380275200038867,0.5614103400678224,0.572959218908053,0.5971693528300246,0.6383021401886418,0.6490764461737217,0.657831839226861,0.6480653921912957,0.6524107456686776,0.6529695971557142,0.6518638682113649,0.6582079870543218,0.6613843296846936,0.6660470744372351,0.6770217662789451,0.6790035390745232,0.6879858438856381,0.7056835762517493,0.7380782185859389,0.8010965266299382,0.8046848421108546,0.8088199884752427,0.8088199884752427,0.8093084130233106,0.8174872840262669,0.8188887892584507,0.8334297166254463,0.8568557602989135,0.8622690877039767,0.8739168862529955,0.8801243480498905,0.8851009940264948,0.9010730627872864,0.9055529243888798,0.8797348329409831,0.846571878567452,0.7988553294741294,0.7611154423787984,0.7150946306535293,0.6865149074296464,0.6660144629743773,0.6513152119223298,0.6231439478745656,0.5944381073987848,0.5558614830353987,0.512544133983639,0.4766124924110134,0.4261503815183971,0.37072485546897604,0.327288819587052,0.2816017574490317,0.24486412341241573,0.20695751838793447,0.17609658562016306,0.16814617279912109,0.17772671357426062,0.19365118454306268,0.22391518782971737,0.2517721534438311,0.26241604122274914,0.2681346639384674,0.27025209986989934,0.28139473124488074,0.29016558732134046,0.2985982184579723,0.3032998620354521,0.30584678277049526,0.3156073597151173,0.3358430569616673,0.3538802068962416,0.3552690448907144,0.3619463204188641,0.3723783535139811,0.3763720985645998,0.37739222302763087,0.37623325433490845,0.4043675930127653,0.42801629100693145,0.4473004354963606,0.4649030053730529,0.47258308737562865,0.4729815080557176,0.47616174253649374,0.47807948526818,0.48680038659544184,0.5004531210952536,0.5231613036896133,0.553916651961097,0.5823152964377051,0.6148465860014634,0.6587966243595216,0.7255296089584709,0.8149302624202243,0.9233552632009783,0.9245865426556771,0.9226885040700386,0.0
0.501139179346794,0.4988306861970314,0.49730246441605186,0.5006622334897423,0.5029408027638728,0.4994485197113242,0.4982764765982933,0.5042172370918382,0.5126386562622213,0.5103620197780734,0.501177851381721,0.503774261571288,0.5015634648025776,0.5036194438538175,0.5050013844628941,0.4994684545914214,0.4975130928655176,0.4986831631157761,0.49803375127783245,0.4568325879141647,0.3879309314352294,0.3452358357622807,0.3132215782383163,0.27991925134145695,0.2469988960138818,0.20148094262921418,0.189894326853339,0.18021095230336226,0.16249081087276712,0.1406086376231493,0.23479422186808804,0.33878003184353545,0.4253032670794308,0.5357688626540356,0.6470081308400735,0.7089612508618242,0.7375776369131279,0.7648545314746876,0.7742290619699806,0.7939841021650453,0.808464214507505,0.8300196045254737,0.8283045650831106,0.816118762659523,0.7858796348962831,0.7627352719335263,0.7814091794826139,0.8039153481044821,0.8613453336759163,0.8363036342100473,0.86983312069682,0.8486503580138727,0.6968359744707211,0.6593757917719967,0.5798949838260518,0.5507007606705389,0.509725356135705,0.49132782123051355,0.4573467816929666,0.37165207607738415,0.28447968094183973,0.23060998455147874,0.1951919026722223,0.20139492651792312,0.17927353365303428,0.1820291226414813,0.17740404463122694,0.18521104191139665,0.1855744819472191,0.1796504231407764,0.2077285490879376,0.21348652724714517,0.1782160248410256,0.19163865519378576,0.20882079759419098,0.23469538152330172,0.23469538152330172,0.2133783452189127,0.2350455912177949,0.1958588977761479,0.2624010760136075,0.31704945359516656,0.3742801118051593,0.4542234353689498,0.47540045614683746,0.5376127135915562,0.5937108772333037,0.63463572581506,0.6543445914538382,0.6668829407460807,0.6745038462713876,0.6673320482338543,0.6725006003351333,0.6990821049662144,0.7044560557796862,0.7362578794155801,0.7503168931742886,0.7437634670508583,0.767653940346881,0.7846953223740887,0.8147023681075246,0.8618985179798995,0.8657092839678991,0.8515503059635665,0.8330054409467027,0.8363827390666827,0.8955441897256745,0.9346448449261908,0.9158654980403782,0.9144423851382786,0.9097572589204039,0.9042381524867331,0.8956145470074834,0.9005673108017023,0.8442806900025752,0.7711832408227304,0.7327685801217065,0.7057943585227057,0.6447487987636438,0.5472830861636642,0.4439402305312339,0.3706497136902056,0.26562235159459485,0.21041481546293916,0.1399253620655435,0.07470731231098737,0.0444335846812115,0.023246886544790124,0.01714171928609265,0.011932834607867426,0.05276082708538088,0.09677120677038353,0.13398397867073242,0.17563713194566355,0.20170304242245862,0.20387150633128281,0.21494169700012056,0.21250274580502526,0.22213004964715344,0.23186313336321973,0.26069563586589195,0.28850602477000353,0.3069295601067834,0.32602020771283613,0.3512698159119121,0.379002157593481,0.4265108394279242,0.4909665631403676,0.5041417518569377,0.5062227707555723,0.0
0.3958502995510784,0.3983947885710384,0.43932403926266006,0.4773114778546488,0.49429597127412295,0.4965851624270825,0.4939974496301559,0.4916658794236298,0.4910678656577445,0.4901599062524318,0.4930976214395447,0.49505929830841355,0.49845892692511085,0.4967149411543855,0.49184484868206946,0.4892760391398132,0.4875976804689489,0.4870063452816784,0.48831699888448876,0.455617963445227,0.4147435768370368,0.3995592214612408,0.398380535472761,0.3945234536535849,0.37143864160476553,0.3358635979256452,0.3105670512495284,0.26742456085091576,0.19952588707185415,0.12048989165617863,0.10110464731192975,0.0950136029265437,0.09933695359617445,0.11148992860358165,0.1152362750116086,0.11354471530773569,0.10393830886594252,0.11387907745644305,0.15743825998139624,0.21167783305133475,0.27103958564464575,0.36071946725725895,0.44346408782656027,0.5237967733667082,0.5950686780986736,0.667196606303363,0.7239267298673862,0.7620778846777354,0.876711902968607,0.8788012334310382,0.9009129575164211,0.9017144404676827,0.7832508153741368,0.7430553821435653,0.6686780729207527,0.6289380341374006,0.5907071269067985,0.5652014846990309,0.5408726873470532,0.4625677507310499,0.39017648825375606,0.32790052531371083,0.28510019306014933,0.28620091706769735,0.2834039893902534,0.2828754652447214,0.28733142782286847,0.28834579957824763,0.2871857154273573,0.28469118457261355,0.28926322870038024,0.2945246947881472,0.3061300947672637,0.3275599849560983,0.3285510241377711,0.3272596400208163,0.3272596400208163,0.3273925392651977,0.32987873603433326,0.32922324863962477,0.3664697428734244,0.42751464280480045,0.47441658115394647,0.5204593627878707,0.5609753782160546,0.5997780610641913,0.6439710254171198,0.6849582818744736,0.7029685481748627,0.7173329411830127,0.7221163727585767,0.7304735550684329,0.7339728970982967,0.7494497363513009,0.7711828599949881,0.7998714511488945,0.8126208879782816,0.823263740461769,0.8294312794157873,0.8442854171943961,0.8802649522983245,0.910234941808887,0.9270148508557915,0.9143237209436803,0.9042559288211119,0.9083947108683872,0.929130385290359,0.9273367377847077,0.9413374603441907,0.9268608454340417,0.9059923044168448,0.885294333725164,0.8673558600047845,0.8244734582086115,0.7739941589208728,0.7196066796938261,0.6672383321134081,0.6113363595114801,0.5482139418330987,0.4835045203537242,0.41854529750984304,0.3714195537019835,0.3360189886168642,0.29411683596261967,0.2513728627528694,0.22304562281263796,0.2070755532209505,0.19272184589891234,0.18108763387209037,0.17278102911255178,0.21101772737663826,0.2430148290651245,0.27043985042439905,0.29143273997900726,0.30677955810543495,0.31101434201526984,0.31209049640174785,0.3097430033051953,0.3127919620422134,0.3170372215175029,0.3356783007257819,0.3620516912424402,0.38040924630770484,0.39715827140783777,0.4176161749025432,0.45242196109199206,0.4980010082984404,0.561655208833627,0.5330847730802714,0.48527377480957956,1.0
Can't render this file because it is too large.

@ -1,16 +1,15 @@
{
"name": "gun-point",
"preprocessed_name": "gun-point_preprocessed.csv",
"classifier": {
"wildboar_knn": {
"preprocessing": [
"std",
"imp"
],
"test_set_ratio": "0.2",
"explainability": {
"technique": "wildboar_knn"
}
"name": "gun-point",
"pos": "1",
"neg": "2",
"preprocessed_name": "gun-point_preprocessed.csv",
"classifier": {
"wildboar_knn": {
"preprocessing": "[\"std\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "wildboar_knn"
}
}
}
}
}

File diff suppressed because it is too large Load Diff

@ -1,16 +1,5 @@
{
"name": "italy-power-demand",
"preprocessed_name": "italy-power-demand_preprocessed.csv",
"classifier": {
"wildboar_knn": {
"preprocessing": [
"std",
"imp"
],
"test_set_ratio": "0.2",
"explainability": {
"technique": "wildboar_knn"
}
}
}
"name": "italy-power-demand",
"pos": "1",
"neg": "2"
}

@ -1,221 +0,0 @@
0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23
0.3328187662304084,0.40178974433977505,0.36339396787103917,0.23049948493780836,0.18998727196731824,0.23653815921453913,0.40114205899251737,0.5344800453283227,0.20306562359106828,0.33539209231190614,0.4331985372810486,0.47760568542822585,0.4271416905365887,0.45332642192881034,0.5428110593629217,0.411327789917149,0.3613854164547934,0.3577739271158534,0.7407815609617739,0.9288213767964568,0.8186163785701763,0.540817239744444,0.4085443828961355,0.40480812054323145
0.2566993368696521,0.2695377611932445,0.15759219249230905,0.10860703111160719,0.12337509172653305,0.22113681823294296,0.43563308068741696,0.8652257803201898,0.8436559935320499,0.8283804982964835,0.7359223521113922,0.6579979628364359,0.5252682203704504,0.39764631752308144,0.45997023563476946,0.4453711426188489,0.328476424108495,0.2870290739809089,0.3596131971799447,0.7828785532833309,0.6745346587033336,0.3989952078541992,0.2443919311788118,0.22285389814283602
0.42561172783799117,0.4606397956356388,0.3348985496180245,0.2085424062729908,0.1439810471261438,0.2339447181600376,0.40109665601029126,0.31617538019832775,0.24452745488876004,0.4787793668282402,0.4912708067062098,0.5766944110273238,0.4934832589549556,0.5486346749838643,0.43646661640957585,0.6078200574945318,0.4106678513550754,0.43087340438092114,0.3892311027903232,0.598846821808063,0.6853142032124291,0.7048176266302109,0.5288351980511019,0.4942338326259469
0.23385762851127787,0.30373986158552274,0.1652565752034777,0.20282962309375152,0.12353828431045799,0.2084042879371545,0.47515805447144094,0.8017299969782598,0.751322298325723,0.7997067851356607,0.7724792367916261,0.6590309361032051,0.5886004930494237,0.47621229049990527,0.5073368318775142,0.40739113702434504,0.34344606367880426,0.32046878351025554,0.3022933679243524,0.857748851168162,0.713195695476831,0.3359433241615686,0.2260734509824702,0.15068784678955074
0.14669775124047696,0.156041540695406,0.039489114005294534,0.04521442302095213,0.10643153030549368,0.14995600141619958,0.40428836966776727,0.8142056837604691,0.8844421096432796,0.6681033196241388,0.6543012542810457,0.685107374914012,0.5634066803934547,0.5445253982053765,0.7020821671719086,0.6994223324182508,0.6399903763376771,0.5398960187656954,0.4482977382695484,0.7069616575170965,0.5574190704028174,0.3261634545781448,0.1760638279596118,0.094494100161853
0.2791590844204768,0.3672196693336695,0.20147471394503258,0.10921677700340571,0.18288261120839688,0.26685108729095663,0.4742930779487389,0.5744536805992515,0.7195945009712095,0.8450600503593103,0.7122549365026764,0.6837229979185908,0.5835586601834326,0.4150588250093434,0.47705561495281934,0.4632990527237619,0.4256946806340435,0.36488057094054593,0.31141499015790164,0.852551250772333,0.7428566077566352,0.401407077495196,0.13415236355064133,0.13741347579642366
0.27704492112111306,0.2811973716578922,0.22434062010082068,0.23425649988606545,0.22997886422306602,0.2356898195838708,0.46610950109807076,0.5079682537934198,0.6575387699877624,0.7465948351801626,0.8004964773683604,0.8788934205764698,0.7932608557557825,0.7768134258814763,0.7750663583468712,0.8133501245362835,0.786279923916983,0.7212775203458404,0.4066501832538216,0.3176625912347983,0.05875160619879499,0.10212393447774797,0.15172511497661265,0.07639549073886898
0.12512392083318397,0.16605034150598275,0.10294281970474939,0.14044411825140146,0.1207043788666563,0.2077860428083742,0.40568674837946883,0.530514119680966,0.8258235788645831,0.6793834706672288,0.6018164034239013,0.6076268814304671,0.6006525597780036,0.6474916596012744,0.7484500105105176,0.7814611417154217,0.7968103612003733,0.8937683082021032,0.6478219820594868,0.5923407830501153,0.4242135331426069,0.2016743104177772,0.03858869429105759,0.08131910675215129
0.09933366408669275,0.15969668438248996,0.06883212621914803,0.08541492282521557,0.1087958750092839,0.20252623002219583,0.4423285706530161,0.7462954531695521,0.897656575749255,0.6716540524503176,0.6013020841845841,0.5517128894142479,0.494209934565105,0.5076695825548622,0.6424044055624594,0.7306696645125814,0.6841739909401032,0.9553011428718141,0.7264023095086707,0.6742452633510254,0.4311478722594213,0.2297706163962821,0.058278212068001406,0.06946891432244512
0.25368004804988875,0.2994852925138817,0.14323626094943842,0.16158300407302717,0.15931365861846447,0.28251702505238663,0.5531809252709374,0.6381470992998233,0.7451936783245704,0.8053472477804192,0.7375590293045696,0.6816099646826445,0.5522236654677284,0.43081658607270523,0.44695625472217404,0.43171540366422245,0.3389136049414312,0.28399405595176497,0.34250224308406596,0.8738515805708285,0.7298305898397334,0.409767480041535,0.19547677759154392,0.18130472672565356
0.11997234136677087,0.1263572506622468,0.06169406259763077,0.10324145006187435,0.09251617119093836,0.17437439376560504,0.44961893910836626,0.6362932246386394,0.8103186134925235,0.7559298082125788,0.6624702823405737,0.7235386471911222,0.6820990947659281,0.6575992799747516,0.7762678050305101,0.8052861272809981,0.7423671102554075,0.6422808763942056,0.44284730142957646,0.46475574862188623,0.3480303326792641,0.3228729845606122,0.15275179255114632,0.16570133862506636
0.1663181343909531,0.15955657885724128,0.1304048974035782,0.09714639036887118,0.05817668785548269,0.21030768343273643,0.298840316282311,0.6064347634845234,0.7738000562725217,0.6987424573396992,0.6743025212524943,0.6965884263586796,0.593977210763043,0.6838925626886572,0.8228068380823351,0.8556279431270399,0.8005690477925309,0.7021441218615312,0.5187053202878179,0.49055280101245213,0.34875860585054297,0.19642861302139358,0.19429927480106085,0.18996242632589316
0.06514530842274285,0.09041094516615067,0.03501473439022684,0.05650900312030638,0.06871726269042211,0.16268692557146303,0.4523978833179398,0.7559060204689566,0.8256563715071205,0.6735294708579257,0.5906769024608665,0.6316415188279277,0.495554442639651,0.5748879936312529,0.702232868670204,0.7807584120341469,0.6793953085686769,0.6888458685013548,0.5023006181785055,0.7140490797311643,0.5215285365862999,0.33697163523528384,0.1509269001114741,0.1903678248811317
0.19576875730164006,0.22769030088624892,0.26641233471942094,0.14428139298773934,0.19249784873309028,0.1670263008634031,0.34008407878353647,0.5006363527960316,0.6767186424762621,0.7249409433859785,0.6927652164946773,0.7010845311100584,0.6933267164424828,0.7619912806247457,0.9156515626587757,0.9117898534300324,0.8340155976535892,0.7336560864574257,0.5262662469088728,0.41899257382958655,0.2086263675814909,0.08804131943574522,0.0603775651211516,0.19460159359584972
0.10851889548580984,0.19359263740524563,0.05516851783213872,0.06574836140074303,0.13455794894190698,0.17441514214559295,0.3790331265088025,0.7747557113946962,0.8372648673019359,0.6937877447552643,0.6280188377386521,0.6564264033909877,0.5906680226346508,0.4909621902594574,0.6713921426998036,0.7087900203599473,0.6731705987353769,0.6199634816658606,0.7169639980856513,0.6810870115070546,0.5051302434886513,0.23831408495021236,0.054662844557813964,0.12111596359791502
0.20314363045041264,0.1848085248777837,0.07225381204216019,0.02301399439369678,0.14174046029448173,0.12663347279838177,0.3877625955111903,0.7253848149594117,0.8046130755645049,0.7298231865048537,0.6283404217392936,0.6234863441576859,0.562222596198012,0.5375536287472917,0.6599004319270918,0.6952024267048105,0.6591432644791126,0.6831959827446313,0.722816125504432,0.6700179261490723,0.4468300718714775,0.26854248431845024,0.16260888207187527,0.03764087720175277
0.1256802847685648,0.19210715325901834,0.07003608669800099,0.0736414688443785,0.09985630152835434,0.1718678032728297,0.3906363225887688,0.5245834274159897,0.7395815112561992,0.7253411513640537,0.6384854204563919,0.6257807380456364,0.5763227188353832,0.6116543029840306,0.7416672484699489,0.7409594716175658,0.6895853539076395,0.778816206959052,0.6244612204148374,0.6003483021904825,0.4218584132489962,0.3375226100181018,0.1642849552010418,0.15625005854881413
0.155477140905827,0.10822697322341834,0.06296976352720773,0.1042984800395621,0.05445160587001274,0.13817507963817288,0.4364369951701543,0.670569702433327,0.8189099190489265,0.7512590117928957,0.6661874491292551,0.5980064067722881,0.5512269429944218,0.5331922322721311,0.7115703356189498,0.7665989214605843,0.7787351949350538,0.8141597285076942,0.5767346740394412,0.5515920904900141,0.3897976065657053,0.3219796773887516,0.13134631431207483,0.11405781759962907
0.09841343095453337,0.09812811163268365,0.07961254706559384,0.09555816055533606,0.08969227425301829,0.23535532594785302,0.4682263322922063,0.7789100015648334,0.8924409011400269,0.6999628245578112,0.6113600665412411,0.5997909741637919,0.5456480243498494,0.4935837784547241,0.6803755906325258,0.6914478791736249,0.6823809310480279,0.753534745866812,0.7188638229525168,0.7054340955376193,0.45269418863932326,0.24152015140026162,0.044055819823717424,0.04791111401386769
0.0938086023009384,0.1165362782039252,0.08181075233362578,0.13592900533330576,0.11206913588193346,0.14841006141747537,0.4214453944111705,0.7265062267639038,0.7100933009427342,0.6753506145910066,0.6126496299694442,0.6012601631128083,0.539651914495231,0.5625604361370627,0.7170517788570163,0.7669193363768237,0.7267283693309884,0.8266926535641239,0.7031203564327584,0.6775614811138154,0.5007235075892487,0.237553183728545,0.05188911528923387,0.08423850164764024
0.06849632144394963,0.0837150274365498,0.06731417613968504,0.1653184831208525,0.2107464713761451,0.18893334378514415,0.3243669416826656,0.6924944664469929,0.7828218593322553,0.619267029424345,0.5379386986912251,0.5059950081575033,0.4680567425499095,0.4988414010726798,0.703416110655136,0.8040088383222095,0.7943520941324368,0.960665599397091,0.7301728106379192,0.6810891994439583,0.5058366740429384,0.22216036865949368,0.08527441826927382,0.15357045333110142
0.36979174242063356,0.4139417249445463,0.29668719421414935,0.25696053726187773,0.2371843891460511,0.36741148607899266,0.4936460162704653,0.3459358602295752,0.26950391619462155,0.33650473081412746,0.4828229994129809,0.5342303093982915,0.5261431543822044,0.45781576660112067,0.4994017398955781,0.5022337442344394,0.3444615323417619,0.29016407098344854,0.32914013830593547,0.8826582002538076,0.8200959666116558,0.6234835241041091,0.5109363464985094,0.4584535601312299
0.1599273376585714,0.1699575368114793,0.09589390332548842,0.10922751639141937,0.12402606412704431,0.18768263620960246,0.48977671695716674,0.7490557238233908,0.8772511551121551,0.7145093664267934,0.6666667218363357,0.7086553835563547,0.5421567996808634,0.5258486950389616,0.5650175006409702,0.5555986001859479,0.5936772898991067,0.8309959728755852,0.7276665002501616,0.7043484968126794,0.4754882529852396,0.1871559151133927,0.036326352346848875,0.04581032565572701
0.27031228675351376,0.3115610944444874,0.357801605092482,0.23729734617726062,0.20106668797819183,0.16906086450186597,0.3637206807704928,0.46433494188198354,0.21510531605834704,0.1893770951350264,0.2766967321363749,0.4330414050932815,0.5172609075370458,0.5221168151818305,0.6134356078663072,0.49322899407554094,0.5500363231353494,0.8991641662378785,0.7618042120773302,0.8284262597020675,0.7753674874266816,0.4807464757217983,0.36810048981355725,0.38554031209516504
0.8505507872521989,0.9382708937860557,0.745377050916631,0.7026088229899222,0.6259926980757853,0.7484424043287153,0.25667304220921805,0.16180901596995467,0.16802733454692143,0.23318108358032757,0.4176701305357125,0.42838392010071247,0.545625854661001,0.37682080623792125,0.38885555706991204,0.4005060212800586,0.09193358844813804,0.2333409260085922,0.24145390757001003,0.3274663327736035,0.41105088137704704,0.39601319233881377,0.7042896420995273,0.8852217365066104
0.2704158422401534,0.18568457963068702,0.17927404753463871,0.12395950039681469,0.19827647235946588,0.11668480043934504,0.21040843897276829,0.5416250821830033,0.6984722624774147,0.7430197135915358,0.6675290651401661,0.7096260402970886,0.5829862588703543,0.7012159156988245,0.8676655837866288,0.8405228269780749,0.829064670307069,0.7237661139141811,0.47317092339156397,0.40608067256763664,0.2825559594407067,0.2691952495348995,0.14034793688148725,0.24050151535274666
0.06338314086301466,0.11521401995876324,0.0732122978314822,0.08534677341085195,0.09897195714040152,0.18173854807305756,0.41248050100368144,0.7903763952803399,0.7608080530724457,0.713186721255685,0.6103737569911521,0.6027424860381639,0.5576632381484241,0.5291087605340785,0.7149286267977984,0.696687146716042,0.6687073555298491,0.6420478227824735,0.6594460866203948,0.7305412619026805,0.5062592779513376,0.296755724250544,0.12732385597453733,0.11152616249928976
0.09366294026537869,0.17529478664425802,0.08524289335410784,0.11601869407556531,0.04509569053064544,0.1986070091942771,0.41173346452696274,0.6858918359009653,0.7645864478140159,0.6615232315156696,0.6806139589717239,0.5619407639037344,0.5746209334134175,0.45452273039212543,0.670588588144635,0.7209883506703197,0.6872529020531997,0.7399175858289659,0.7263888588868093,0.7221484053985918,0.4868616988213297,0.2667832604478492,0.08439070682639382,0.13522676623277363
0.14770955919258774,0.14088070007114695,0.025141468762546304,0.068157240406856,0.10100170610564863,0.1773721063389354,0.37974917627867344,0.7410915248386383,0.8398181058533591,0.7104378754538679,0.6087038124875636,0.549858367297703,0.4752303636771461,0.4693031022138944,0.7191535758108987,0.7099079893136454,0.7075941367707492,0.8457934336100961,0.7280394950509093,0.6450916118701341,0.4615974378544385,0.25383697303872643,0.09180658280578503,0.14928847979087548
0.17454634191561227,0.21566148074496316,0.13267717885793906,0.15038713494435196,0.15399207011695526,0.22585619447577787,0.2641533078092073,0.5887190018198829,0.6966552490228581,0.7040905258213311,0.661394184154176,0.6719090327757913,0.6300184627831863,0.7056121640566432,0.8946927319611626,0.9113160866303247,0.8543672168464683,0.7414843207676705,0.5835142402840557,0.4352995540880402,0.2699739488250455,0.136214454011642,0.12456956693009599,0.15845905824790607
0.26536769318257714,0.27998500930162845,0.17535423828749208,0.19299040144346513,0.17096236084112748,0.23129577602739204,0.29385584764416206,0.5726885477456646,0.7303144375459756,0.7429239780208472,0.6949680172463695,0.8465697267434306,0.7952080897127765,0.7182018071340182,0.8290556167711748,0.8831794992670524,0.7199784818223193,0.6860530191120664,0.42258237985978353,0.4139352531819809,0.18156302692623244,0.07403461982605611,0.124693009359037,0.1637719374198757
0.3325827578176039,0.4072743865683856,0.20058173997815454,0.11273849653023515,0.08418849498576109,0.19897642151504358,0.4538894707066566,0.5060590642796714,0.27618778242195574,0.2972874150617796,0.3912971598778527,0.6016278213015398,0.6540946557480689,0.5504711839550721,0.6384315260810747,0.5520761386083377,0.497497637464814,0.39104923804568836,0.4515989015839802,0.7419137064488119,0.805772550830796,0.5462561262014444,0.5432067531988627,0.36778171040981716
0.18226476805232739,0.2163916498786636,0.0985818344920274,0.11290210082423091,0.12788119675780152,0.20421351038712643,0.2540492800903553,0.6655112681014678,0.8309161785194903,0.7337665009818024,0.6669289294807086,0.6651910970270173,0.6302153830947856,0.6976110219143526,0.8433920812985899,0.8893914264227778,0.8136226765701949,0.6998363971758493,0.46805605608714773,0.46892586953735094,0.2736805877824075,0.11703451970040184,0.16614106620770383,0.2234301585532529
0.7248743262907502,0.8444213484954255,0.6550710092125445,0.6516576816643173,0.5013426905072274,0.5431096965573732,0.13399658694680416,0.25383449235298394,0.30592412362327237,0.2729744174656986,0.2873754094744555,0.34133448651508563,0.4582397369547479,0.46382120406921795,0.5161016331327376,0.4190814004754262,0.3139615666276949,0.3478648356818132,0.27798946108557326,0.3165863259708562,0.37001723480427623,0.317429768184176,0.8618865431812888,1.0
0.11910716033612762,0.18252484433824107,0.05177441593436605,0.05923800728827433,0.08360296742610407,0.13813326049783492,0.44235255635256804,0.6532183692192979,0.7824930803442793,0.6591996018515174,0.6175940874224368,0.6721053438051179,0.5461353118826257,0.5974019939067938,0.7412696417810055,0.785049535853191,0.6883641052800423,0.5864669344480583,0.4940763763206264,0.739708196591618,0.5715640206269499,0.30444429500415987,0.12912730137725129,0.1281008655769131
0.05121500041650906,0.10016334693722084,0.061557866966760466,0.08910287436863973,0.09381218280583936,0.22699441272787857,0.46383738424802773,0.7291135897759755,0.7885317617706182,0.6521508623808332,0.5979551610446084,0.6242411752021211,0.6027705337607708,0.5965454159090415,0.7491221677368675,0.8094232558131278,0.765915881973658,0.7588759853178373,0.6494623373866777,0.6409280894945375,0.456544251850706,0.22836981653773014,0.07790609120167286,0.06825414571567576
0.17372291900286688,0.2851513758439153,0.13070581800735093,0.12302643037651895,0.13850297833207925,0.2106295658912979,0.46396800067408517,0.427340925266588,0.39687393005935734,0.546276612156234,0.7671685906605998,0.7960465799731079,0.7831312464073128,0.64878521443845,0.7174850020557988,0.7155847268268707,0.7741701023402918,0.7416872136580727,0.48359217841978214,0.36987669313974814,0.3666752485209302,0.4196452953887463,0.2782135875534172,0.2082395713290025
0.1179522633775445,0.14003453383826325,0.11012047960604598,0.1278637820594296,0.10460854388690122,0.13703626651921108,0.3023183669955779,0.5768373432465941,0.7973386232893661,0.6743680958752446,0.6288451414562037,0.65598851103091,0.5771597081435105,0.7143443772109298,0.8725078010622662,0.8686345878428519,0.7478241520410773,0.6766935077997439,0.49422690756316734,0.4960224262143457,0.3633337453841494,0.2611995456511021,0.2523143043319088,0.23751336663954672
0.18524751628539793,0.21906882142970324,0.12380622186854984,0.19801837726361882,0.11776175827513535,0.18351327386657534,0.48642072818471116,0.6811960245203358,0.4855888317688894,0.5205702371389054,0.5431690729538463,0.38422026097490425,0.5024269570582485,0.3819569570489534,0.46487450957789156,0.5094039265314909,0.3992840204637673,0.5886304531848815,0.8470530458983521,0.8958952185208927,0.739620404217634,0.43620531116279204,0.3038350153661068,0.28937700822432455
0.45093821842679777,0.45752884532421645,0.35154219515407437,0.3162795469554892,0.23978684039994524,0.34613714355075764,0.5963356313552913,0.19100141932424575,0.27322519093673403,0.5284675313373337,0.4981116042957697,0.5189291338142604,0.6180531809169825,0.4764894254333273,0.41016095364034977,0.43066747694086405,0.4890619026647036,0.37018308345271156,0.400324577593451,0.4281971766306528,0.37776676515946134,0.8036929196052511,0.717845555927378,0.4539708790674354
0.3417828198704887,0.3629113503285057,0.3382723806675112,0.2431231214282611,0.30547931686074115,0.3513052278669486,0.49541105720450573,0.6128997827005844,0.18378376775042116,0.23943614303877547,0.30303098920306126,0.39488343130255044,0.40868710679299536,0.3309685194410465,0.4379469797981972,0.3767511888764506,0.3426182665152422,0.41863838803161496,0.8423087667061085,0.9870226169121479,0.8053078868177694,0.5598704380603383,0.4723118895024362,0.3663986889268018
0.21970209111860758,0.203047833661543,0.08260401263527295,0.049035817172886964,0.06087688685244763,0.17439949714714498,0.3968085597546433,0.5717101284662234,0.7697885839663992,0.7809037461100407,0.7296379337375587,0.6961081047346123,0.6323092266524044,0.5853513703050874,0.7733448197018057,0.7969088591063596,0.7232849502605088,0.6626164206229468,0.4520158121619651,0.4256569341329235,0.2645266228339705,0.35766037849886234,0.20056311500419688,0.249417253666863
0.7069257330533067,0.6573760847278778,0.4295302103000407,0.6653010744586334,0.40631863945329955,0.5302697927931495,0.6324787664937674,0.39279790936485903,0.3819350586285098,0.6357906289006292,0.7506558811618848,0.8031938849696544,0.6354822327323134,0.31986187324374593,0.2479874716151534,0.0,0.35167131908325855,0.15432277106781267,0.1971255048343749,0.2582058920862982,0.10541470964490202,0.6162360153680487,0.5486120997474592,0.6269796437483043
0.20331127044276076,0.20516646040706038,0.12148700325107986,0.14909863688032665,0.16585622490634966,0.24385746056066182,0.3197642557855714,0.5750200425561247,0.6861622352055811,0.7366948945300225,0.7005729797691307,0.6905939770937864,0.6853379191984581,0.6678146582911481,0.9139024738134606,0.8788333755465156,0.8445741416780574,0.7541738477339801,0.5121471693921004,0.43072370979357716,0.24877065991812225,0.10911015497199722,0.14021884694554315,0.13073050622158303
0.12274753192012328,0.14066313140640974,0.07514595323587603,0.08748014141489036,0.05756317243806097,0.15119945161603543,0.46626464176270294,0.5525197882227901,0.6336750522470024,0.7185133431112913,0.6512771978365159,0.6800264356204616,0.5777479067524616,0.4860163964968444,0.8935974687814788,0.8896098507996216,0.7926617847617523,0.6727685576007261,0.487104987772345,0.4296322288176364,0.38359469864180995,0.36851632264660444,0.2232829630877103,0.26468740448882705
0.3955542057904822,0.5627925076446065,0.30875660743801936,0.29209558763674803,0.1544215968334406,0.13398293389436422,0.34765784304309183,0.7934286121582167,0.7945684516242758,0.89361954746148,0.7997692307915109,0.8166514601302313,0.6673977167983343,0.4678013407649935,0.4075052982862083,0.3703952946530421,0.3218012018356663,0.1792513230868964,0.24118608589855595,0.3587806652814595,0.7037739157989031,0.40395605627473863,0.22040447667765917,0.2200259685330876
0.12150138177022468,0.1458688717511024,0.06602462763473582,0.07377576831895394,0.08683241861133217,0.18928044859861792,0.370063220545794,0.6968133924399363,0.7950362381480238,0.6864953499340283,0.5803282035333773,0.6208359356770494,0.5594820438777579,0.5103975501266141,0.7707164713957244,0.7357578209904294,0.6492479859052632,0.5715600695147359,0.47691391112285264,0.7853086913292997,0.5680517207871051,0.3492522871157036,0.17128077667497335,0.1448495297665673
0.07892798888508612,0.11630942186685123,0.05693249872865758,0.09192196372223305,0.08651094779966373,0.17975633271837488,0.45232944743597125,0.7342813526430181,0.7314880776831992,0.6446594862278787,0.525517971816216,0.5196885291483455,0.4929537933106317,0.5628304484772427,0.7174713961050232,0.7657375151776653,0.7387744894464122,0.9368015490393762,0.7459048726403887,0.7005108554836765,0.4646353756120193,0.23940901706021106,0.10937296460484267,0.11088179723278388
0.06479669871791321,0.11627409907046449,0.042915360074011644,0.08544485601308338,0.09907485896434531,0.16059168551316427,0.48271887308141076,0.8621027808059398,0.845902847694691,0.7356154014492885,0.6570952945830681,0.5776709361404646,0.5659504460886753,0.5696701627590101,0.7527250700183159,0.7525625871811669,0.6992913410897641,0.6495881224216044,0.5300784919256689,0.6740013257508469,0.4995487411080388,0.26849132408070364,0.06066503145448468,0.06293184620366862
0.6766789363226404,0.6764486131986074,0.6001202848223803,0.4133555886204302,0.4430972615963785,0.5799853148192327,0.7225251216544119,0.18349376960492414,0.23762485465756805,0.33954156540007296,0.45698389874589274,0.212783009245481,0.29941435369040315,0.3420374893100071,0.37300715108474836,0.3541196501447168,0.3060616628428626,0.30071027782892057,0.2663117888361047,0.298798485767071,0.45235463323325226,0.8774252961239367,0.7404427074448613,0.6832705179339724
0.1842691755796811,0.23380924667319158,0.1008148533431239,0.0913564321193846,0.12769109507722498,0.17865642389213165,0.4283116426730617,0.4975574215879183,0.6643767818219415,0.7021227785273128,0.6446187291068153,0.7535129427884921,0.7003928090085315,0.7081651254916206,0.7996654733321038,0.8350083269717741,0.8353048603034894,0.6932601429980884,0.44186306643050827,0.42881775628181856,0.3880746005001603,0.3345127934337877,0.1507420349947021,0.07062120751424456
0.27836293740288376,0.19490111234943996,0.17288325246845204,0.1317936554551835,0.12208021880391795,0.2303143646798873,0.2517908545593138,0.38601693784359586,0.5359860419357408,0.6076315379836199,0.6188061512581022,0.714515372574115,0.6916438253885003,0.7152660924726855,0.7461341233397303,0.7456466213509483,0.6663474835112126,0.6073398477628046,0.4244732823690054,0.4683419508527553,0.3285531946828016,0.3334111574140419,0.5527019981867003,0.3911418073727818
0.04713213930250826,0.1257330005151941,0.09170047933604608,0.10349171207723584,0.11800843498297031,0.17777863835183694,0.4211366872728958,0.7130106686050669,0.6902656164722552,0.652752238936783,0.5794117801615029,0.6312782852056933,0.5836465813816191,0.6268789321992021,0.7714536031158324,0.7920670484962906,0.7935783005316938,0.8679278238667323,0.669992782953118,0.6262125468179427,0.4278425260546887,0.20997161185371885,0.07935499856392654,0.1137225813167517
0.09576103106707484,0.09941129249051417,0.04673868119557245,0.0690967654848409,0.10347057077505195,0.16358779194596973,0.4502577292415112,0.8647334085349042,0.7973140252480567,0.722462348299478,0.6800374497230186,0.6316087770358478,0.5142379646273814,0.5384782734627196,0.7367804180534622,0.7597615617824386,0.6829142940071536,0.6751463152904453,0.6139077484571367,0.6636381278775494,0.48516936817043776,0.22075348825028582,0.08709269291475,0.09619065437481555
0.14201769722259017,0.18169088052592725,0.07998209380595034,0.0829126454180259,0.09641822993011029,0.1457219175586807,0.3778506190930685,0.7564594867221457,0.7815198580983277,0.7073322956108472,0.5747875412598438,0.5968971213770369,0.5454020187874633,0.5175258155950845,0.7363751362127993,0.719517363994717,0.7055204600339736,0.777151425814695,0.7212968760880414,0.7000345450926675,0.4783634142727398,0.23683087478019316,0.025178957495371773,0.097072033995871
0.3566862644524274,0.3976164918035921,0.17203693760092065,0.12576337483668854,0.1413744006901434,0.25483977357761134,0.5065824485534189,0.22287903398238318,0.48202260837545297,0.6089177161480201,0.6257881487192767,0.6626423138526656,0.5597710742332758,0.6383173574237052,0.7418084036018493,0.6612209849450692,0.6030473478865319,0.6207039464635743,0.3704472433235608,0.3678644757326367,0.09719691363865829,0.5467509314776513,0.6141332468059767,0.49710292150484153
0.21809657457283338,0.2948230539096765,0.16875172547254125,0.26384248562450086,0.20522519220638846,0.29153163746606536,0.5509658107051492,0.44757942346390284,0.7854327263697782,0.9039393619489391,0.8014120731951997,0.7973677089548102,0.7186611673657991,0.9077154313768441,0.7495545346170697,0.7192450379395043,0.6591601392515231,0.5111302307972844,0.3235254931883502,0.27233741189082583,0.024084258933810387,0.26992902903706684,0.17674091904344683,0.19592193829974947
0.6365225826364921,0.6750449010172496,0.49741458399109895,0.47429878794010144,0.41415410093509264,0.3570378408343592,0.17178193469605385,0.1456704336646112,0.26094123419877757,0.3384416019696673,0.43870558053753106,0.5483022472606112,0.5476919582561915,0.48877272520096127,0.49501619414725484,0.45922254278011687,0.4298702803096016,0.38514967926077215,0.3256614838055184,0.4470814119861226,0.47604157000075153,0.3619461178255885,0.8345360781088449,0.7951598888224776
0.40109973496728296,0.3907384517119218,0.2777109551936534,0.16912502492766202,0.13649941928940834,0.21789407999950994,0.22724478444116025,0.4448198941743354,0.6618584275728576,0.7500787892520193,0.9083450427507698,0.7458379500191653,0.6848123527456402,0.49258029697135564,0.5304273883919821,0.5006569814776127,0.5018669580928061,0.44516585497579847,0.3819398206767119,0.5111049605773708,0.37284477540940697,0.4567099880580823,0.3672514764214163,0.25690871629218914
0.42980085818024727,0.3686299875572362,0.34059560340316125,0.40174808103416654,0.4522955879164912,0.35026962414839424,0.43865146763172314,0.3033631934688612,0.3045838799564735,0.3330651304393279,0.33727236149782175,0.321275819092051,0.44886088907938726,0.4143787537753693,0.524513781781524,0.41813691749579907,0.2914430249753498,0.2141789655120742,0.3969150629790988,0.9031412835250539,0.8285565481591888,0.6413246137316199,0.5986586711130502,0.5723232510889205
0.10988597800281696,0.1412447965877487,0.05477372290214766,0.09490317213530974,0.08118756136296612,0.1432102112108996,0.37579737692969667,0.6668876940853837,0.6306213516083432,0.6476917836465914,0.5842916477245056,0.6159337022956048,0.5630472640609803,0.6793171581346951,0.829681384788509,0.8950856134811924,0.8690334001630106,0.6963950445553073,0.497730417202735,0.4915920363125289,0.5181478985777324,0.3391631418385155,0.17433253072918894,0.15841620270470572
0.13340005102459623,0.1803528628793004,0.031287790168747054,0.08403274073809186,0.08435558309592728,0.11742570711489175,0.4081298099431579,0.5957799972173119,0.7701905638438877,0.6776207825393802,0.6514566509773783,0.6195225380431213,0.5797978342731759,0.5264809975099931,0.7255625917925944,0.7828675550899779,0.8344267070167901,0.7823633607175503,0.5603959755739392,0.572203081247231,0.42387082410713717,0.33292799812804147,0.13168339803376503,0.1879595009426031
0.2541867024927613,0.1315662021702474,0.0298032077407836,0.08250780476455244,0.08197349876494597,0.15836224349099293,0.4162158905176679,0.6047491129500845,0.7753136303234314,0.7729017157262107,0.6699608889803234,0.6687817957499012,0.6859870120381856,0.608801244868466,0.7482524017833245,0.7893906010914606,0.7470719641565674,0.5927871326918072,0.43236901123640137,0.4482252428253989,0.3600659923744362,0.3932030447635134,0.20675766557128256,0.16209609744904022
0.16960955677322567,0.15511924519086917,0.1375147653595784,0.1295547215519467,0.07863503277613382,0.2013572571533745,0.49311168199469557,0.8259420992385977,0.6639253410250412,0.7175175847816289,0.676185599979874,0.6027121195396774,0.5483600123071852,0.39131512552464864,0.43326829822772495,0.47909852321603735,0.45080872159041424,0.634222213218547,0.7621110271351035,0.8217088766579742,0.5994787006681442,0.32795617560134593,0.19040195780242772,0.1275235283060644
0.19982027749189557,0.21818214513662776,0.1402995183282183,0.1425468104503157,0.0748510983788333,0.19305577113282746,0.5276241209722693,0.5150442176885157,0.6117599135826951,0.6869156108945607,0.6942236818645451,0.7396735974007768,0.7329638919938213,0.7499486699404365,0.8422694793553429,0.8880495752561055,0.8826428987481902,0.6877124553184661,0.47554000221650156,0.362918050710404,0.08466823801156126,0.2220609522161737,0.22941264233399317,0.19076134732925043
0.14961065245477873,0.22403940581523396,0.15355309389105176,0.16735114080006042,0.1406582831046428,0.19105005853712997,0.2823422975984453,0.5836338279413154,0.6195399869657924,0.7202747924448567,0.6841001165638558,0.7167905778157825,0.7099385645614427,0.7227746555960506,0.8420517207119276,0.8681838060766037,0.8243615757591675,0.717935239968148,0.5099244289724651,0.47801049612372243,0.25108282368983914,0.13254958407241826,0.18217318682722616,0.21777201428844958
0.08135117476467413,0.12205532928244256,0.06789360540797318,0.10225873893421744,0.09638808455011971,0.15352990203122785,0.39927109157530893,0.8126006077336135,0.7973132201442068,0.6863489786470189,0.5827751714476771,0.5589387421097172,0.4524197145885398,0.5059456421490254,0.689594177304293,0.7088932533335841,0.7000886714042188,0.8313419383016631,0.7302884994030072,0.6992072618389873,0.4851687005497294,0.26795328679854447,0.1148055082308664,0.10985939266997738
0.15211926647372043,0.19236365110354958,0.18701183907910623,0.05421545828653185,0.07802265605099812,0.18948401203849918,0.4171464445229101,0.5288231434276807,0.733041430220378,0.7091542910149977,0.6292701272089815,0.63015560967499,0.5271135183209306,0.4751367932804307,0.7093240005461832,0.7156925412767714,0.6641102941990519,0.6176772321773283,0.7250730459332365,0.7486074042076942,0.5348714810810522,0.2935566603253752,0.11186482181437898,0.10873088671226894
0.13078079675489568,0.16489674343825333,0.06118203598537153,0.12653232644334955,0.12980894286669886,0.13626282062636008,0.36891488964496544,0.6125657552283883,0.768415712406735,0.7378611806352141,0.6518673202010488,0.6919971235660329,0.6530028375642049,0.8026154507026222,0.830991890515039,0.8255286868304277,0.7708014557832903,0.6657907410976002,0.46751849242478427,0.4396913512139177,0.2943667855091554,0.195193262743901,0.23027791590053898,0.25227265128860354
0.25848333944010815,0.576749748683244,0.11850032037811553,0.030951487499495167,0.04190399598437167,0.19757384442985337,0.44686306922461394,0.2537428657810117,0.6418328146769584,0.6481422208616131,0.7109775379864893,0.7294526624945333,0.7440366600648527,0.6564773566586009,0.7668414289550954,0.7119661925655928,0.6521210526871375,0.5131372251735505,0.4993903866225281,0.4146348025954766,0.3343001681736564,0.41572340367143135,0.25088460914000854,0.27020690297303657
0.17884104909114357,0.24974531152248625,0.11502852746510162,0.1308283672708468,0.1329721101746516,0.20747463000656874,0.2580674440173669,0.566876352725022,0.7359975702813286,0.7671232049435324,0.7020833735899512,0.652587276902878,0.6500947091335709,0.7004039687893708,0.8062263114265332,0.9001002333823975,0.7947747894805094,0.6926724384360978,0.4880719398963156,0.45785660185129323,0.2574030945028005,0.14528632391064228,0.23541148524836808,0.2234479946013397
0.12446229499256733,0.15891894062932033,0.13802417817247026,0.09922246259536849,0.17015149207120328,0.1763061644104631,0.3027288165830747,0.6103091634257953,0.6651705612506059,0.702070787879745,0.613613140653816,0.7149422268051416,0.6459498017194275,0.717142235228869,0.8478932723425886,0.8838657445083075,0.8690355028047095,0.7382955164656063,0.5025722469461722,0.4636484875851424,0.26769855031082485,0.18930165241520963,0.20557482015206646,0.23396558756788272
0.12013571084556418,0.18313802832250975,0.13206165691327898,0.12405078519493107,0.0862857863829154,0.1459590909762163,0.3828965640319688,0.617197557116973,0.7577760955344702,0.7275112092494265,0.6132097952037063,0.6484840736564572,0.5675025248379055,0.8027730093579675,0.8821449372267736,0.8686360521403502,0.6986978382869427,0.5992491149594028,0.43886152326514827,0.5236235888631788,0.4992510174100371,0.3508176276455024,0.10191713505405661,0.0672149316241778
0.251167092044362,0.29556488203631026,0.12304905424327461,0.12667759380355592,0.10623585502583355,0.1845244285571369,0.40825868647391095,0.5270253703729817,0.6630362839118216,0.7522498536577471,0.8417024273013066,0.7513868687249748,0.7650232228047712,0.6603253376575899,0.6177836870337847,0.5441506966905633,0.48983325268200534,0.5380689746108765,0.47355021583384405,0.5582863960091475,0.49022469758802334,0.3521398058720934,0.21025408700209564,0.1310759420361925
0.1575957802037074,0.1889341286907289,0.11605942105817746,0.18496767872640918,0.14532770058218192,0.25269153088198526,0.26546900006787666,0.5526790352855704,0.756997115185784,0.727668807109626,0.6710891225039328,0.7023337492425841,0.6207876727795815,0.722830487536625,0.7907958311958845,0.8786332770747275,0.8965840139670336,0.7189467933378784,0.519587342300683,0.4211715549518238,0.25566517238511327,0.12931987850186344,0.2138338950594476,0.2137010944491522
0.16430143350240395,0.18567282183272893,0.11537733064877587,0.19474017907244012,0.11162936093487474,0.16889489664760848,0.2622767064452993,0.5676467663717892,0.6981568736376795,0.6227911475295982,0.6081869692358892,0.7420223901694516,0.6421754734660129,0.713381908078971,0.8261306439376175,0.8768394238938917,0.8663975027825674,0.7689870569464007,0.5525856086798843,0.4824807985094523,0.3430766177688376,0.14177762781989364,0.17979362160783602,0.2113183809657302
0.0639963794621819,0.1343787860078548,0.0666909240224276,0.09230841031751291,0.08662901221036223,0.20065822910485165,0.4283297872955207,0.7744890194671767,0.777374124131759,0.6635197807767694,0.5520618925897025,0.5338517062292774,0.534973865056201,0.5120512410845883,0.6938491503268747,0.7053295636695187,0.6949378858186601,0.9615392581397917,0.7362848604227965,0.6840253065811857,0.45711557705637806,0.24648496393669828,0.097931427553785,0.11024900602717908
0.11034129694174405,0.16074831566456593,0.09645865082711669,0.08860086510340404,0.07621039731236257,0.17399677228215482,0.4096801395114337,0.6657572800004551,0.7277630104782147,0.6286615613631521,0.6074382064881269,0.5606202171018344,0.5533039420447347,0.5452370974869625,0.6651755763901507,0.7672869194215721,0.6400231174727037,0.8481438700767753,0.7463107057423892,0.7266862212659201,0.4965560258689672,0.2572310774383396,0.1035057032803692,0.12493395037144242
0.18126616474254717,0.2530324558944867,0.16956661913491056,0.16212037334454188,0.14597184082897752,0.18560298166306544,0.4715183384861507,0.8744919713073669,1.0,0.7769941113526629,0.7631758099979771,0.6999730800059429,0.5162842157675328,0.4606142421019416,0.47152522412183046,0.43265872186174853,0.38201372613083295,0.29185845210787653,0.3821292043214199,0.8270647725523246,0.5942392836247081,0.3312537974513258,0.17221991789095856,0.1786981729180458
0.09617200099075912,0.13265118014821298,0.09359837574058294,0.08369713486266406,0.1068842503859081,0.1613657262728765,0.4256349380256543,0.7332152355179129,0.7294370968124667,0.6608814973647167,0.6361651083097148,0.6893104336401188,0.6267573126941477,0.5970191545200365,0.7562750496971359,0.7420083523529307,0.7087914839406664,0.7107035627733852,0.6408358766524979,0.6757570930222906,0.4628059191814211,0.23335942532831463,0.05832680385704886,0.09333009282974669
0.06111894673911983,0.0982216305887117,0.04196288046195962,0.10372078093859172,0.09994601849425055,0.18837286022858035,0.4249942422928904,0.7235267745370846,0.8232148940822324,0.6489941822736357,0.582155671234398,0.5921939934879696,0.5378579521860639,0.6257743558440116,0.7706404176195941,0.7916882391707212,0.7292171247035597,0.7326365156807595,0.6877024553389042,0.6486138256288607,0.4637233178795537,0.24310835838390804,0.11405841249884761,0.10555971659484825
0.4133780287545291,0.47912921698919797,0.3173941298987936,0.37791595092168234,0.24635667537151973,0.3839264178246383,0.5759879907454969,0.6884443076971989,0.17373119870640996,0.06467524291691301,0.5015101662459358,0.5020881159404089,0.6451367200255057,0.545910067667795,0.48667455699045414,0.4733923333554012,0.2881190917377424,0.24867994349255237,0.24462527741488313,0.376285375488522,0.7164769458446812,0.7871829069353096,0.7025217739947063,0.5331100175773389
0.0615933132405968,0.11829258692328837,0.08122398218200777,0.08605728675188529,0.11005532860868927,0.14743959562021547,0.41125234204924915,0.7685669613221484,0.8061822865288328,0.6433976000451229,0.6080006474712354,0.6345866965860512,0.5764006803844086,0.6343579135845057,0.7258984272535799,0.7933005194617561,0.7233742696216593,0.7033321536291699,0.5377294806906093,0.6968216465725499,0.5228292549848339,0.2678346320752489,0.09892704867913907,0.09335411644783492
0.13043354503764,0.1062003833585562,0.06893467613475646,0.07428326152700504,0.11784410370675957,0.1546399235941106,0.4000037946288066,0.7516126992814899,0.9199459393951721,0.6736450658494649,0.576216173631196,0.5673666330865357,0.5360729468768133,0.545646416837305,0.71881919926305,0.7169847172601271,0.671523157508718,0.7024397637422888,0.7192627462587482,0.681918809551171,0.4915527181597365,0.2582173509666366,0.06285413486314473,0.11634105938377493
0.29628811428880597,0.33508822584734016,0.19042585034227355,0.07672744341499305,0.0899291222484907,0.1290116315358376,0.41614969164394777,0.7542973104333072,0.7825080171393897,0.7348509105273473,0.7386091839541168,0.6630608778433079,0.5594085162665022,0.44466740921615894,0.4994031089481231,0.4385127059312567,0.4459836550503867,0.42900859967111454,0.7393501934139048,0.8064452731515934,0.5588352696149336,0.3040705035108032,0.12064160301122943,0.0875786425482615
0.048177825470936686,0.06878543997297082,0.08352090008572566,0.0992342302226602,0.1437973580810722,0.20019928932148412,0.4099927821271824,0.5958840706397699,0.753333108751733,0.599506847609605,0.5945069050150843,0.6509445517983999,0.6164281538649488,0.6891027396451783,0.7389856392625409,0.8128156115767181,0.7279854486895779,0.6926002340510153,0.5643365884956328,0.6796517596274172,0.5137416721783441,0.2877562106647349,0.10896617230413204,0.19393390510828445
0.4138194037519695,0.45226342674450953,0.2562212422112081,0.18542176061641336,0.17675818471413784,0.26387609863172157,0.11924119768841657,0.5574364152037734,0.7610324228032529,0.8140879479678527,0.8648243666001334,0.889417275277432,0.7150285023100705,0.5768044307354948,0.5234284772697738,0.6126738764534039,0.5366197955648678,0.4822052131900088,0.3938786458900066,0.45518610330833764,0.29557417783476053,0.15061415913218382,0.31144708051230197,0.2534759861874702
0.3887456686003576,0.4222534506481622,0.3639075794467446,0.28575900596224535,0.23582610904246182,0.2900674916607474,0.432691042006106,0.5897164645788355,0.36787839033468583,0.330014794591068,0.4355578267988791,0.4675335323922513,0.47523983314223206,0.37480476052879397,0.4304937308811019,0.3600923643363865,0.3118376410454198,0.21491413309449098,0.3155655971398545,0.7080546882816772,0.8894005479338842,0.6823811188517794,0.6161057608200935,0.5736500482004481
0.24787281967500996,0.2810960718061566,0.14157571977256778,0.13322822062107598,0.1357581306112715,0.15551604350719406,0.3068417633780913,0.5995466118714752,0.7239305784374543,0.7420402144368388,0.7306106301718202,0.7910816574705545,0.7130098797268757,0.7072530027546342,0.8780686704916126,0.834303711452812,0.7415426386986141,0.6353940670043331,0.47897030491788284,0.38671231384607385,0.2508572030283416,0.10622049365202456,0.15592931615078112,0.2089092822129885
0.11965146319766123,0.1218225446438772,0.01801764200566891,0.045762474556076405,0.0703677072621105,0.19272502515803502,0.3767018325053745,0.7871939454121484,0.7965587742759997,0.7314699699425922,0.6718069764446339,0.6642189964803737,0.575905995528318,0.6014862267283985,0.7527595764855509,0.7717380288354787,0.7006696441789566,0.6142690587363822,0.4288302104857963,0.5032110665570753,0.5451671762662385,0.31899806500379646,0.16856830616166238,0.22278607125681782
0.1256022898243525,0.16160213928687617,0.12251778561865068,0.14067392973001358,0.15701757552065698,0.18900395448156115,0.29365029144178434,0.5591323137123563,0.7319403553643645,0.7315941977817916,0.6362189401142484,0.6542348457433109,0.6624296566356364,0.7001131487120786,0.8162215156196102,0.8671799413961516,0.7929404062423914,0.8405435830536069,0.4571027970987446,0.4801212474754941,0.2941511842368127,0.18943448762465726,0.21787435482555756,0.22933306312599627
0.20341451323489326,0.2441523542853753,0.1576935745401149,0.17013007169741112,0.15732520223137536,0.08765273968832876,0.2621399175335195,0.5328272770731253,0.8143437725640947,0.7320305243556826,0.7195684485049136,0.7325362593224451,0.6104887493953747,0.6751461617881547,0.8285761629408914,0.8095011520027773,0.8012102676886022,0.6763119889917185,0.4446895041342718,0.46246259973649595,0.30196775076615623,0.1984037990892298,0.2020389097262701,0.197274374320013
0.3040961318688843,0.27816921995730093,0.22013674091390856,0.13972000930213813,0.06533558632591785,0.1622762889772199,0.41832124668801096,0.5373553484832685,0.39369345204801465,0.4374721198700705,0.4685361377951858,0.45745038780160985,0.4837859473984806,0.5221090320255055,0.5151656874963236,0.5704282349681873,0.5282308827602176,1.0,0.7882715139174692,0.8635258728227291,0.7140412546729495,0.3706950335913657,0.21014478088326136,0.20424096967167055
0.13796894661225517,0.18831057017885017,0.12761903217988835,0.10822486884665217,0.1099023243241648,0.15542841961854847,0.2791541051576566,0.679133518857977,0.7414274237015793,0.7085192540956377,0.6656302216798675,0.717647173889655,0.6355450654182956,0.6264178017270507,0.761890681228283,0.8589629472386099,0.7661974214060425,0.7487801372179197,0.4276069795712895,0.47249544518421016,0.3008731388491547,0.36459840251056497,0.16687204331594313,0.1900123952764174
0.2033543150752023,0.19515005160956966,0.07975447080997156,0.07228573535645888,0.08526917389627642,0.1881667983478823,0.5675638319429326,0.7140633554372856,0.7377300266447,0.7546661219068805,0.7143983195208481,0.6620477452642002,0.5115444476972366,0.43208121973490227,0.44584620154627025,0.47834627920230743,0.4724177017456819,0.5866802547397431,0.7202226376448091,0.8048284919672675,0.5682301687748664,0.29686078451988707,0.19632913980531827,0.13857165232326513
0.09652841912413873,0.1333776934959937,0.11778664192529464,0.10437971094251675,0.06760511991411144,0.14585623849592555,0.43055706041539965,0.6813014898920378,0.7996846323472082,0.6965527335950827,0.64315749146108,0.6103841781228008,0.6072101086472949,0.5765527131206984,0.741647965444141,0.7789473200782164,0.7463007666746568,0.6880083596738558,0.538530949914446,0.6965820848461788,0.4991743288734044,0.26890179297783223,0.08146816792598328,0.084431811227592
0.10399558182316476,0.09188496792949452,0.10079983789994906,0.0896639502679506,0.10350125553559897,0.20799323493610844,0.4065600929700629,0.734548899408932,0.7711427686419677,0.664656722942381,0.6416803649506706,0.6192466313912279,0.5726261070389564,0.607136970541098,0.7290981409175615,0.7788590850607753,0.7026946383237432,0.8298544468404401,0.6713323105941124,0.6565434819987839,0.4403494425173826,0.20744069928975287,0.07234203857581195,0.08096325253173828
0.11706908901154689,0.11759670313321358,0.10581499592031796,0.06824458362107377,0.08102946292874147,0.18400487184061942,0.42288718765332195,0.711429020886965,0.832948260636693,0.795593407431039,0.7040186290317942,0.6861669887285333,0.589424113700959,0.6207784023672973,0.7376664857755334,0.8289832086787225,0.7157369171273383,0.5928657080520441,0.4484204961582207,0.42453601585511047,0.36866086670590636,0.370858346207876,0.19834685323281057,0.14840203980128686
0.12367012366227953,0.10204202567987053,0.10487180363793325,0.19536614829506793,0.12688370231533153,0.14576843614722168,0.3505958633947715,0.6813336156771249,0.7477168737902256,0.6808354924162755,0.6081789834263005,0.6039588692298414,0.4752308092990325,0.5488826446211683,0.6963903444307851,0.7027061526763541,0.670020337265445,0.622362225395461,0.7652794368368862,0.7694178792438726,0.5173409208309713,0.28521093471284764,0.08122784641974912,0.13845390682775915
0.11155599895835205,0.13522011079452045,0.1066440152218221,0.13733963537378469,0.1029561815176786,0.12215626685471603,0.40482214469147487,0.6270709960484175,0.7747016030888868,0.7646195629851209,0.6542855723026304,0.6947191168751569,0.6356104827112188,0.6941014789748946,0.8298619728624395,0.8522216987235407,0.7515530583610088,0.5919160867647597,0.4639159311982915,0.41336322489258176,0.32560225185653896,0.34181057402757253,0.21778053942644654,0.17260614144885705
0.12927150077603627,0.12264124307985036,0.06479308323064326,0.1486696897282267,0.10199464577897488,0.14012541012909852,0.37980708993665896,0.7955085650974214,0.8109474207862559,0.7111283097050742,0.6451842320065538,0.6434087232890084,0.535976670268257,0.559119534317961,0.7066549929652899,0.7198704926482502,0.6976008600748592,0.6744851416928735,0.6414129116846258,0.6974092986415447,0.5088674963692853,0.23260740044149053,0.06348359718611875,0.07699007528655213
0.18649781187104847,0.156706350305163,0.07288318156219253,0.09080889470389941,0.07955827249532688,0.19869433564949213,0.361770589543018,0.6855484279012555,0.7628184609465309,0.6712666195382866,0.6327679531861083,0.7193495607802699,0.6689337308785598,0.6293996983639203,0.8176635349651368,0.8207033606603785,0.7752798680467892,0.7092237785218058,0.48307832105916576,0.5063354404554881,0.49341975460862963,0.26442734381749167,0.07755876710131177,0.06130303789331781
0.19102241204823728,0.14096053453123236,0.08029775178913523,0.08619621330321126,0.05942643260487146,0.1466759055438872,0.39389829487567496,0.7235468569352348,0.8240668422640537,0.7231152703113,0.6361063112349707,0.6506879735159421,0.5935075921380624,0.5526802792251848,0.7453608570899013,0.7598047585586413,0.7056220734124048,0.6918214479570549,0.6373965593510535,0.6559724131023524,0.43030204952881257,0.23177788492752358,0.0359886633676902,0.1101156766977821
0.247992295779128,0.20747326132241978,0.1107576349114282,0.10501704792160571,0.135515049773813,0.1577150283460752,0.22381255097090613,0.6877811750081041,0.6949397422142221,0.5988017801009299,0.6679645193376379,0.7595615580621888,0.6545719613505899,0.7572111015150762,0.8561802161145117,0.9082273063617423,0.7849722524244532,0.7040725707042232,0.4696986755464475,0.4337566548445142,0.2603873129506857,0.17952466446782409,0.2510618160049961,0.19052345310093344
0.7105904412040875,0.7935256945307787,0.651554920742165,0.41696782176591757,0.44688697935186805,0.5143434818065995,0.11900084357995311,0.2648591741750729,0.2177399124724993,0.2869820451092227,0.43435455562921166,0.5215676658269305,0.4976736643637002,0.4475755310087123,0.5268593097327985,0.4919299236914637,0.3936316260998426,0.3194348959354897,0.27947271080143304,0.2921655813978687,0.4162129598321081,0.3597562834671045,0.907712437847782,0.8026213934696558
0.36507748185719663,0.3158862597063895,0.18050559193873128,0.1232349344523167,0.16265697903228504,0.31141387256586617,0.44645100402004884,0.6160012876942629,0.8178119057062371,0.876429457304742,0.9156511482249428,0.7843037339149542,0.6007484130457679,0.4275022395242521,0.5064522389263312,0.4587022512553466,0.3900615979613473,0.3218178076725248,0.29454384748430446,0.35862684116192783,0.4039333330826827,0.5083347216448582,0.37878526334586476,0.2355950721991145
0.20650370267819806,0.1962871986406602,0.031150649121084117,0.0544984525855734,0.05118913260849278,0.19596621673762915,0.46563061562860547,0.6188675936120666,0.8762765557148813,0.7600600257769862,0.7288210640334073,0.6947394698810443,0.6305699198676039,0.5965420556533588,0.8143966267221887,0.8172753514713349,0.7539614198718865,0.6350803024433143,0.4236621821980316,0.4140267558289157,0.30656459605450914,0.3023050311185338,0.16773091443881705,0.1563125514737098
0.04950947523321919,0.029818862477015706,0.08632011237001536,0.10228518753342142,0.1167426286792328,0.1830812815520172,0.4323543308386481,0.8398845701881631,0.6882927412684369,0.6823337366770093,0.6063796522564733,0.6173909682022707,0.4875238460626822,0.5812513988500286,0.7732806063801189,0.781564663111293,0.7409911458187168,0.7471445384803559,0.6756146062080558,0.6547386250636368,0.465396674047155,0.2670236978879639,0.10880137834014106,0.10008734826445556
0.6559552061366172,0.8095833760150456,0.5892854886071786,0.5276332736630848,0.42705932012968684,0.39757795793419815,0.6682285195891602,0.25906818116392905,0.1061494679534768,0.1585048124641596,0.2672489866607602,0.4175231695917708,0.44558374116462696,0.464262962810959,0.45991146680775974,0.44530947572647334,0.3212524874465854,0.21023244467058624,0.24075716703471955,0.2729718528168593,0.48983259340461716,0.7661212232315049,0.8107321119329113,0.7250828197599162
0.14924612213247074,0.12536539642020994,0.04279028699364118,0.04525303911827805,0.05690824458013566,0.2483077785222041,0.4170792928493804,0.6496013084161508,0.6964153598559966,0.7648908589331138,0.5799765796479615,0.6110766460668164,0.5518378460384848,0.5661619553057848,0.698663669396582,0.7547862782367585,0.6745276072134857,0.6255395404670502,0.45748785888506494,0.7501989372947354,0.5804494022036333,0.36031449966690976,0.14954162157008916,0.17294477465732422
0.10368042149647161,0.1182238680284996,0.06784038400383152,0.07532966636548777,0.1175756120519732,0.19154671287949365,0.4475002851667691,0.7629422835508335,0.7896639920269294,0.6794020912937963,0.6563838954936407,0.6593733044013259,0.5615335756372632,0.5858853350371649,0.652258549770145,0.7189920139876795,0.7006055779737211,0.5857853116905342,0.7056627923061639,0.7261841418402681,0.4389978180398353,0.26576503510026794,0.09312051862213411,0.08453597777570188
0.09799502783570763,0.14951863056433157,0.06609964923785716,0.04150716342886507,0.09404333733988213,0.18228344611785952,0.4298942845827029,0.6875500811738401,0.8038013190143495,0.8108274801271265,0.6448010786553006,0.6734057006114751,0.6293428108790294,0.6608552528507677,0.7771498977428752,0.7984614138085204,0.6965634638627554,0.6381474616841919,0.4651794091574518,0.458015288052833,0.37016571892050787,0.3502426143444378,0.16483057599974058,0.1838425453198464
0.20960104004694632,0.23890076840914842,0.13982858954005595,0.11647746016672444,0.06528806090577366,0.13807258407799894,0.40221540869094696,0.6909316302168619,0.6272123088513964,0.5430733417702965,0.5810851589769872,0.5607662743706288,0.43464621933611736,0.38968519329755935,0.5500199707236306,0.4784604555811121,0.5450638812585882,0.843443140311398,0.7963089816477167,0.8664577777319352,0.6261250243461947,0.36773335376657157,0.1677542473051543,0.20493562344484503
0.6920692239168914,0.6763795195394471,0.5722811665647958,0.5455549987195565,0.515923195744695,0.48682315620979216,0.15472665240187256,0.21508908081784395,0.1726854111792483,0.2543917192950997,0.3625002374019819,0.41747335828788834,0.4945134030697421,0.4050884796965454,0.4687409782608833,0.4789588935750352,0.42678881062484597,0.40794814524926165,0.3232527617044897,0.3571706931825171,0.44994663075195207,0.4237873859055031,0.9014940051495391,0.8499594076146988
0.15209936123480808,0.16758814291287238,0.10609317090831849,0.12410945195817602,0.12678313780713235,0.14602018380285509,0.29941087766388064,0.623233835792716,0.8229700577640825,0.6964888582648616,0.6786550771191288,0.6622042817694354,0.5171868006173378,0.6868395930828017,0.8700238851567259,0.8946828872964825,0.8380242625971195,0.705986320967533,0.4936039525776021,0.44322812517180077,0.28031654875723633,0.19038191598994755,0.26007294333595377,0.2082205861920403
0.22725116191024966,0.3147301421105262,0.17597487660538202,0.14919420600876765,0.05650772455135478,0.25905202582132647,0.405744827741769,0.5920582678829721,0.3666914765774103,0.3106082909636654,0.4370102510899906,0.535209326240986,0.5744616681512188,0.4249869086449011,0.5147036666208412,0.4541825195359471,0.4498481334849639,0.8954251912461751,0.7578259810199316,0.8069997588754615,0.7184493082448029,0.49347294506577466,0.34709290584560526,0.32957450092553087
0.1858944008135346,0.1597043911744288,0.12047195929246624,0.13244093208062568,0.14838005515136232,0.15469619799917433,0.4443215792979967,0.46804817830861756,0.5419694254397561,0.6957936623981298,0.7007782109378364,0.7294405065802617,0.6597749533717968,0.6968782851345822,0.7750173684666116,0.9437376522004131,0.8275811278552909,0.7011402757014443,0.44629466059284445,0.4201309087797358,0.30000151938614167,0.339566839637492,0.19913486193490748,0.19167928329772838
0.08437816480344218,0.14089048176860797,0.09452822096236779,0.0668268701544582,0.06996407081233669,0.22897389169499982,0.4585771214911102,0.718150128504149,0.8338583457912561,0.662300807202226,0.5843310388681766,0.5564308512446772,0.5713682501402204,0.5822599350769883,0.7048139820205236,0.7661125528278601,0.7456314614930353,0.8736014755083013,0.6796996707582945,0.6714046961252574,0.45370104851237764,0.2357493728858235,0.03768367040529694,0.04728077419786375
0.0859281646730039,0.21347472793480626,0.035557848531133085,0.08841886675121458,0.07615466132152526,0.1863953443221007,0.4177536679841058,0.6635807454525674,0.7330577865406975,0.5570634520884116,0.5485165655275606,0.5351916046878049,0.5388059681871872,0.5649582801280884,0.6431847020821142,0.705100822651209,0.6268367862572025,0.9359731313786704,0.7638278430421779,0.7525246447650014,0.5387588783452057,0.22869341829252404,0.1597254305014255,0.17630172508663694
0.07762371329337253,0.17814244626568998,0.14962594376057525,0.1407758967917393,0.12992610830980322,0.14987747899052928,0.3877257677272496,0.7455672972862457,0.7950328482370768,0.7308722129886882,0.7101207392343942,0.7681358090412989,0.669818914193701,0.7271730579639224,0.7685251204332794,0.7590730091633073,0.6879390927349953,0.54220844413342,0.3751625085407047,0.435790767628633,0.5311174498378788,0.3236909511342911,0.09653405187818323,0.09884958912521549
0.11353376491369649,0.10072515230856327,0.10874573236426821,0.12326635287469712,0.1070211331849108,0.17664036061305022,0.40532526441696415,0.728141878078036,0.7404241901502747,0.6673286086493622,0.5983885877567443,0.5824790426914777,0.5404911096316959,0.4938382819225223,0.7182917704486022,0.7320948031460563,0.7776197649692855,0.9487761189699196,0.6922146526043156,0.682624262921391,0.4503979774887433,0.21443056662131998,0.04662547906417856,0.09872959360425448
0.25392564724993394,0.2971547536913001,0.20670286880747313,0.1945446993608294,0.12216717893585882,0.2193681600814088,0.3832417675455548,0.5532304690911316,0.26911803839413134,0.25479083848913703,0.387869447653825,0.5652520861831034,0.6005176254708023,0.5140265688236799,0.5594337654902745,0.5362098515694872,0.5475740063365897,0.647011516336946,0.7347206302485099,0.8720940073832104,0.7650021137223006,0.4674018730514802,0.3578007146249864,0.31556618826339444
0.1035116736721553,0.10923122749607483,0.05252746821595644,0.15476440667480384,0.07942786226300202,0.21869274824727314,0.4173803775891792,0.7029363552591766,0.7642302317343123,0.6906328067025274,0.6297323111110871,0.5873201704808758,0.5012029005795958,0.5481921982387723,0.6917987430596435,0.7038300120995344,0.6956944720863159,0.8197185832898342,0.740249506687542,0.6972188786726127,0.46977031001459524,0.25928209308663863,0.07568346570131557,0.09123348934385317
0.22958268362859852,0.2825523837687947,0.12038553707508248,0.13399974282593174,0.08462419461305959,0.15631947068984653,0.3792107615341544,0.8882964564623593,0.8009773536999183,0.7489479249208593,0.7088642776075954,0.6375786816002772,0.4616435974529055,0.44811568492967546,0.5168087144137784,0.4888740623836881,0.4363773824325059,0.3403159101718274,0.37954616343988157,0.8320037796436364,0.6926830140741824,0.39573561464147033,0.24937822012549854,0.20346246086422165
0.42036165853595425,0.43296112410081555,0.2740312818117979,0.18659321077597046,0.20519306909769086,0.26203825746423703,0.20276549316182835,0.5630986629964394,0.6864016476662158,0.8947772394313329,0.8550250334441981,0.9007266535420052,0.6789058128901879,0.7231023810455847,0.6249783118818832,0.5425058843127767,0.46986595562619293,0.4296300590672912,0.3712899522462674,0.39848252336777384,0.19757518050443523,0.12001874870046428,0.3758976305877109,0.30577887082516314
0.6387972296910546,0.7579573182547643,0.6227255062008289,0.5167081456487228,0.42924183365476665,0.43347493097945705,0.10144525853363229,0.22175813155062163,0.16298238432776369,0.3244223521614192,0.5476793175269197,0.5509646253579823,0.5505283638442098,0.5247103007259387,0.6099524897536723,0.5122096092837171,0.3713867175179834,0.19838918363994668,0.262835582952635,0.34502499743959286,0.4610376203215029,0.5163672895668859,0.831475758427041,0.5970234176871086
0.09975244243892706,0.1346453125624092,0.09266363659657795,0.0933339076240115,0.11862824317355103,0.14755119264336491,0.415215160735153,0.6901506861714664,0.7576837416481068,0.6798141452422033,0.6365378345935258,0.7010326472460798,0.6246110194404999,0.6307642206523095,0.7504434778780772,0.7752160681890508,0.7294359067178888,0.6195305894139876,0.4651544701615565,0.6815657529390677,0.5448687146716642,0.2715910835432274,0.10441895887942232,0.0999813781939965
0.11643671350854212,0.12985731986281612,0.052419078961335686,0.06920118889595261,0.10758802214978247,0.11420670406921807,0.4007976011483475,0.8232961525030081,0.8586567096507374,0.8191193496608742,0.615214895446512,0.6408112698831867,0.5547164074569564,0.5515187221240584,0.6889263545300162,0.7234592195809055,0.6540867652093301,0.5225869561752311,0.40795887257692587,0.5325768350478597,0.6034603905728723,0.36297998314078683,0.1530188175223704,0.23180933652002308
0.1575744633724485,0.13724274845838835,0.10554621948748988,0.07192379513063585,0.07164250324178956,0.15741997438295097,0.3994564732773726,0.5785384666081362,0.7149167946358048,0.6785709764668184,0.689100102288704,0.6824333997949795,0.6694993141767762,0.6673307814728369,0.7358049549003433,0.8034637646715952,0.7785443480175822,0.6674361945645226,0.5018290246172544,0.5192462217021183,0.4246094146537053,0.32038677468213095,0.183740328886224,0.15759879559726925
0.25578057786874064,0.31081573403821494,0.18370215733962714,0.19855089096076572,0.1736336730127337,0.31109514290166873,0.2949736475250083,0.59435720318503,0.7851206215062729,0.7177766476360765,0.7420517299228988,0.7021087483926014,0.641354103205004,0.7905280940494783,0.8504380397265006,0.7897844749322029,0.8852719303598204,0.7394281422245994,0.5088461150914368,0.0,0.25094887350073913,0.11050031293372915,0.15301223602320652,0.2691349978502189
0.1240267204782346,0.20348035265785885,0.0803387940004795,0.024729154633648998,0.0785298535676181,0.17103201533293133,0.35871438058888294,0.7664571621669083,0.7833353460929581,0.7587151597334253,0.674156873326316,0.6947287577726825,0.5824632993055718,0.5366048160390691,0.7354434827411209,0.7770300665536524,0.7253412694755043,0.5992079303035361,0.4117087428505417,0.47727093872113135,0.5832171292639836,0.33616688238126224,0.14597815111654402,0.17871766146537243
0.10521584086787128,0.1575050407236025,0.046990162062373386,0.06032782667404657,0.05879331969389745,0.21787224838570618,0.4472244289088824,0.6525602899111539,0.8129554345357347,0.7337424993425679,0.6474651116323082,0.7303451208442259,0.6102356807260891,0.5931554636077274,0.8056022771900283,0.8389893747023702,0.7949087363389438,0.6136367812096415,0.4472741493001585,0.4231914678517922,0.2694501718297582,0.34987325728581364,0.2688975722736926,0.2030196523526818
0.14117399383752383,0.11498360664079432,0.02710287493043706,0.14503229328263278,0.12733678198278364,0.14514210082912993,0.4073028211345994,0.7472611129142569,0.7328524320916089,0.732977040612593,0.6387639721152081,0.615136209115259,0.5158025430705251,0.4771341780824652,0.7014938023044145,0.7157122427340226,0.672094089096567,0.6999933331443515,0.7194950294417678,0.709409368516609,0.5053527544431651,0.25928911800765414,0.0865560974807134,0.1022725169546422
0.1410287785084029,0.12938651391936784,0.03027057731278593,0.043715992771020895,0.08276333169316696,0.184989852389291,0.47965363324212495,0.7091018532230675,0.7791059872607147,0.8157319441184543,0.6876886000995786,0.6896257422210299,0.5016930846546338,0.5352382402610959,0.8008936667565836,0.782769646834517,0.7894267632302723,0.6100451976543739,0.4376133365833972,0.42944780831061086,0.4298095914115585,0.37392048016357904,0.21262575442248915,0.13045560914273768
0.11834450736731489,0.14212287684366165,0.06916980685232255,0.07015887953451383,0.05534835601076493,0.24100168322039872,0.45305104830038434,0.6197420605081143,0.7857327970494214,0.8061935378373648,0.705786430735784,0.6128189472046752,0.6324419774123623,0.5700155798111128,0.7979729438004246,0.8102923607510761,0.7075566968751913,0.5837282741395772,0.4264921838134479,0.44193746813816875,0.31322065263227206,0.392774173708783,0.32507093864034453,0.16589342251021771
0.08438881428494288,0.1370225614604924,0.10910343358834251,0.07158407629809638,0.10607050491968262,0.15545584298084703,0.3924197567017401,0.7502253797817516,0.8368666163264891,0.6959156836350124,0.5921645801704735,0.5578458276105058,0.5398081495286022,0.5095754075695762,0.6698983425097559,0.6815976164609047,0.7229888639804518,0.8054609851503307,0.7235455114704623,0.6960105818352824,0.46745774215666014,0.24867927005680646,0.07464903792758268,0.14791032606721027
0.19312536301598746,0.1875196853573745,0.05523347352705765,0.1351400030607256,0.09558512669502406,0.18511394161652428,0.462665171212844,0.4332092622400704,0.6998663421674411,0.6031847697675661,0.6615413216614174,0.7245007808195508,0.6565756556005903,0.6799093098583382,0.8889945555476102,0.9161447185629081,0.7300871248897938,0.5639972328492633,0.4513675827535255,0.40329496438681206,0.20867725609153825,0.4226196812874708,0.2735299991748929,0.2806370820129025
0.14250371382799076,0.11781259211252826,0.13300957627962617,0.1634372622375183,0.24668593723567078,0.20003409479414613,0.3010633225160867,0.5967129259816062,0.7499484733536049,0.7261838798874353,0.6393861618498511,0.6779482865982676,0.6556246539328281,0.7644010721915321,0.8448456027998614,0.917416993412081,0.8602251766197573,0.7275584667014661,0.5368735213540196,0.3800639653121357,0.22218044273302412,0.10224119317529448,0.1823280795064456,0.24952335793448716
0.08977920301353165,0.11621007341435652,0.060792524266867876,0.10459855453549782,0.09873055437578548,0.19670861058032885,0.4440894275531105,0.7828018361747153,0.9118002164458139,0.672881736297164,0.6106375783483434,0.5741114422549827,0.5422151984290758,0.5232052508216902,0.6807075990894859,0.7223926008781169,0.66220402421591,0.635397216699915,0.713182763293072,0.6990349010317998,0.5441547997378569,0.25658594183855127,0.0332895905605816,0.08917889216976257
0.3371282772573211,0.3805143053496671,0.23395706603746025,0.23080521474977267,0.18715456514697548,0.2571281669057215,0.46291795314490947,0.6154712576299748,0.3147773845481079,0.2879704190635884,0.4082243039301479,0.4344400105630703,0.3180636964794467,0.3066811572427626,0.4599639559651807,0.4294651333904024,0.3481739179054874,0.5165898701685937,0.8387071866035296,0.9273515346762472,0.7775089335556815,0.5765916313526899,0.4724838214894175,0.33224994753588505
0.25443335592000205,0.26362274897760885,0.14869626537704772,0.20463258354315605,0.13097124803476323,0.2113818940105786,0.4688047853417633,0.5895117270009084,0.7150467129728502,0.7260329792588285,0.7035350944677828,0.692244293822886,0.47295042841976753,0.4155567316131333,0.5370091983627526,0.5262091253555802,0.43246616849506386,0.3880366437015681,0.3276906367370094,0.7770065473838195,0.875698265377334,0.40154673979313316,0.24536365081565825,0.1676129147258738
0.4633953243344261,0.5272936160023235,0.43812510558602435,0.22419106559463975,0.14751027403843475,0.4430557674149096,0.3989744808520069,0.40862707547449384,0.5322388449683552,0.8918832611367895,0.8388449556723433,0.9276202399232827,0.7651289688784134,0.4478883435286458,0.548303509862739,0.3942345127465765,0.3216737881853679,0.21325970776742612,0.22296606136408498,0.290212135763638,0.39823503221603723,0.4746836329433529,0.31155534617354785,0.3557918500576033
0.19818974538554926,0.256336644133275,0.1802504406302654,0.10031108236864972,0.03497619211680636,0.07377509068485055,0.36353728752020537,0.5887209384449179,0.6928598199787791,0.7310426246272534,0.6665884774532665,0.7209540483153346,0.558131274815708,0.6326804279954792,0.7757246453265874,0.8829070511870482,0.8174312687194114,0.6892463332055321,0.44127123906860255,0.3950114287578745,0.3424812889633547,0.41613540297111906,0.18738297574257817,0.14189167431923377
0.09857412019469397,0.13263887892261816,0.0611004520774554,0.07982884157477588,0.0688241799029532,0.20870981155703483,0.43473778027512594,0.8042269830803325,0.8427422854101623,0.755198919585566,0.6872161546390374,0.6844610621847205,0.5742042769496353,0.5502177574923004,0.689234671506255,0.7310289054988541,0.6356738782127614,0.497650115326581,0.4320008968981994,0.6786166223678901,0.5585441869860834,0.2919735521951333,0.1658052621505484,0.12413694232747013
0.06885697435436894,0.09024144514600685,0.08274265522725321,0.09205135049803637,0.11541353505686713,0.18733868419049282,0.4404670069556665,0.7340355273459221,0.7442596942978308,0.6701644797495652,0.624976078776329,0.6032410182464465,0.581307556662104,0.5981762025601185,0.7436847984760996,0.7987988456365974,0.7158859257661061,0.7107273525195608,0.6808662857915682,0.6674574148469716,0.47426898431312703,0.24521304263707505,0.10165396703491604,0.06875780121909356
0.08096797211322482,0.12543875915116698,0.11496106919632021,0.08258109537530534,0.11440908859833554,0.2392947722490505,0.3972985059871144,0.7341593805688686,0.8869334187590892,0.6836661373530968,0.5622882803610032,0.5982924200655488,0.557181676856888,0.5538393089545156,0.7241519602231772,0.817625496064057,0.7871266019447806,0.8481783496988653,0.6870329766313392,0.6212594223242287,0.4089558875941771,0.20555015754785136,0.0,0.08250417852489908
0.17415463397356848,0.1280678620576131,0.06623489945193495,0.05397342218539347,0.09373595035385551,0.21035152512040223,0.4603643253772409,0.6454370804344729,0.8125561030261734,0.7858975581390351,0.7223202840101458,0.7067690278482215,0.6091388492960031,0.5931375996843542,0.8149688166831663,0.817875757818328,0.774360262680882,0.613984393067501,0.4245359988284207,0.40782699784946636,0.3111840053855205,0.34269616199823216,0.17972007819401725,0.14773064796443175
0.0860542073617721,0.12333554598952745,0.0758827665937366,0.06544840115361594,0.10511801878809313,0.17880930467544387,0.40720335711970446,0.7168028628482351,0.791549269813182,0.7003115064361749,0.6490455571403503,0.6363216389712091,0.5444207371125204,0.5924488621499335,0.7556396824542352,0.8056384239473164,0.7233598300516246,0.6362369804231148,0.46433271599115933,0.6451480120214281,0.5754482027703236,0.287663542923432,0.17349749818343363,0.09029075494307393
0.3683124092761558,0.43770714936610033,0.29426653793612095,0.17578573047232227,0.19385457062618294,0.2794406710800137,0.17127860784017124,0.4388330599565191,0.7796794542582366,0.8259426285720388,0.8752148979291472,0.8602944991460586,0.7101996098624946,0.5512879558470445,0.5460323488192804,0.5752646473678763,0.5199223369978516,0.44272309902270673,0.38109065059182073,0.45634409496146255,0.3765003940894765,0.19321723495465723,0.3630234632864861,0.22477891092289304
0.29070940305975324,0.28074212750585903,0.1905000933668599,0.13726891536122643,0.17658995791168575,0.228642967260149,0.38717057542086775,0.5685249249593102,0.6383073708528676,0.6424216624239897,0.6936724541166621,0.7210666651762864,0.5983378437323916,0.41433583153504605,0.5496565982771885,0.4880716329011495,0.4024579044695211,0.3730934856850631,0.31718757945426573,0.4736647932717397,0.8689698081887052,0.5266323639499747,0.39368498380152717,0.31102317237304933
0.34822326802354164,0.3539435345585766,0.2030116835858502,0.21518094754877182,0.1165194449911916,0.24085778492668952,0.4789224008144202,0.5024687026768777,0.7786178824582277,0.8380114270255902,0.8080689282120819,0.8493743895844773,0.6117198689809267,0.4674901868328008,0.5703816130365263,0.4557958037582215,0.33641628881337116,0.31901379118071876,0.29245988159159303,0.3833896364600444,0.5531551877660402,0.5621827643465834,0.25085739270523083,0.24669701516175715
0.12007731737988592,0.17887261539939053,0.09782327654793965,0.13772916668689827,0.10782606876871359,0.16020311847946922,0.4827169674817918,0.5005323802394608,0.6850926653344316,0.69412268375955,0.6581669654035281,0.6871456096889623,0.6235719628879854,0.7355971902403586,0.884021205239012,0.9244670090223799,0.8686253589402481,0.750733330259994,0.5052100782524309,0.4094375364677856,0.2839919391124292,0.16022551179722386,0.18250247471627568,0.2149936290135267
0.4495094368164654,0.5221224697669592,0.38625136527569487,0.390529162208345,0.35817811571567804,0.4839761828990739,0.6223502352493799,0.4825181160681114,0.4577931828043377,0.49429863319568385,0.47572862133603916,0.4937347672654735,0.405164020159132,0.3086951422822725,0.3866337380809439,0.25556160157583246,0.16709433969712867,0.16573490558501158,0.1885043941605115,0.3561450576033429,0.5253557074349721,0.7527485208771246,0.841817461636756,0.7675056926957258
0.0425443569666174,0.06940924549741179,0.11748544325775945,0.18751411329814438,0.1904844010468837,0.1809297076019688,0.3492880835171287,0.6134950326475643,0.7461483619950303,0.7447424893160766,0.7457991021053615,0.6637317352730633,0.5995693866587357,0.6277733346134855,0.7389316594764801,0.7845111402866223,0.7671694855367861,0.6229711904026294,0.42263449263382236,0.37648112339854733,0.4519312035834506,0.3887054230688134,0.2370940261522644,0.25359880053287953
0.14830653767738308,0.2243960919549713,0.04880858784358899,0.11584240816380864,0.08749202110074705,0.12302744937285204,0.38582758337635265,0.6494717865303412,0.9390734271660683,0.8184037136884716,0.6979343524247008,0.6650187252311603,0.6069607163585723,0.5386658446581369,0.7371865879282083,0.7684457112146196,0.7378678003080843,0.6007503982694617,0.36365167406741583,0.44480347013044164,0.3478312587254073,0.3448840105660784,0.21199992644206814,0.24628297928847193
0.6790076705928112,0.651133837989055,0.3379293055973443,0.255251032337954,0.07612871112364072,0.23268383836117046,0.585244813729398,0.28543771145146357,0.5113493688833294,0.7418698802229162,0.7949909857588189,0.8921670734939124,0.8249582079084115,0.5535259579320688,0.3981926857199594,0.4177696339664481,0.4396078714837931,0.31591381068019775,0.27699785507863955,0.3293754857089692,0.24803731810014965,0.2625752058481027,0.5055165206517523,0.3823595552934125
0.09893407624306871,0.11241482420202409,0.07568534132236482,0.08106010098566452,0.11486019053708052,0.182127888433672,0.4547388295976988,0.7854464086125912,0.7838722232391955,0.6876356987839181,0.6052215857343484,0.5919658488670547,0.5215431778976714,0.5263799169982382,0.6758905850668779,0.7172190714188473,0.6790951242828598,0.7921824651102016,0.7372560892407505,0.7181152736437056,0.4740229485131261,0.24304035625263212,0.06893941318675947,0.06205435378612309
0.13706992310180943,0.14058388977647363,0.06433032951709816,0.07732045185632319,0.04790082901143433,0.139630421413946,0.4933831678012821,0.6919934857582309,0.8528221644242405,0.7736788268649109,0.6901506293335171,0.6798473105388982,0.6542905065671408,0.6455503508609535,0.7751680805367412,0.7866383651979258,0.663257705173417,0.5881031774415366,0.4285260536868323,0.4362360431765384,0.3561556632173984,0.3638005028738571,0.23000087350044046,0.13939909261813926
0.2683729554201626,0.3111349236710187,0.1798409639336146,0.020681776338192015,0.11204114802416898,0.08650226717888876,0.38560355114288647,0.7224280020809843,0.7815812578603559,0.6909047994723045,0.5458161205690084,0.736110563862097,0.6300824095238844,0.5221666302543234,0.511673456462501,0.5116052731837785,0.481533082621203,0.4812628875044227,0.7645543107934902,0.7665343520506472,0.5575130468020036,0.327763404601916,0.14205768817098927,0.117387776478444
0.43138882139650936,0.4908844089647676,0.43655446242356843,0.3556437454803886,0.38254978643601434,0.3656071954024763,0.5694465643664843,0.4578789199030647,0.3174607109321238,0.3902148278333383,0.4449604348649854,0.5770548501865072,0.3080197189467218,0.2509719467761923,0.3723171063147215,0.30523407816082804,0.2587863389051622,0.1603504532650556,0.264742267301223,0.8740985743368406,0.9517250493362919,0.6273091124408708,0.5785067788231554,0.4639707976462808
0.0891271188224475,0.10046257795500324,0.11808027725848991,0.0917625866341577,0.1163807642570005,0.1865258581114343,0.4574615586185124,0.8034454275354955,0.7162903865515452,0.6262025740674133,0.5546384954337513,0.5327676874374447,0.5002724420807966,0.4808250743083208,0.6714634708659909,0.6831052882261073,0.7236005610706274,0.8988739170177384,0.7883372911480687,0.757222666234497,0.4993674820857159,0.24982979683928425,0.06363741069304879,0.06350175926601193
0.14133934669290538,0.14405658998515725,0.07894458229532708,0.10128116900295014,0.08242789691820285,0.20478476103387688,0.47200399711947905,0.7036729284007736,0.8292370496927045,0.6206193088774437,0.6413752077189759,0.6543386600456522,0.548509184233657,0.504060926432831,0.6693007801463995,0.6280845815064371,0.5710024286369845,0.7275073795935805,0.7896853721770298,0.7248339069374582,0.5311424153385786,0.23705000229784345,0.07295206127956441,0.08010080114038645
0.13985737127984216,0.10861300445553856,0.07084375070254545,0.1246639014265849,0.14022090540450183,0.1465975615782752,0.39560533929957237,0.7164234558133681,0.7930628226771482,0.7369538799598273,0.6438081073676789,0.627066097900287,0.5468164003737965,0.5872485936396563,0.7422778776205303,0.7568055888596955,0.6954834784284839,0.6805460150003775,0.6827109664630715,0.6852230804838841,0.4575623382930407,0.19771200487483234,0.04884737382455513,0.10890911149121271
0.09032761557430202,0.10444733520501337,0.0778951140429166,0.11298110387541682,0.06839675077752083,0.19355712492339427,0.44512835218016233,0.7944398317633659,0.8080084951168333,0.6865125382047059,0.5695665182561194,0.5453521559049566,0.5014525825225447,0.5143142727664287,0.6815787710969939,0.7220110959139708,0.690268755370855,0.9040056301285753,0.7236874306253152,0.6818219152025808,0.48239607174786225,0.25734644739516677,0.08500903383350306,0.05679055493594737
0.10534499263345343,0.14941597214350422,0.054430647831980705,0.1078046617284143,0.07986643858660192,0.21374202828214195,0.5057539684060284,0.48389965595251055,0.5539838087789372,0.6431266331518615,0.6389845956215667,0.6940751794394586,0.5991493434686169,0.669808036634484,0.8181107024133932,0.8685580006464206,0.8035548633716298,0.6988096441388031,0.51030268159111,0.4261301188997844,0.3084071029326715,0.44374355159282663,0.2876513315316479,0.2164023309913516
0.09574103648687471,0.1567415742965249,0.10362012741743598,0.10363063862856192,0.10858947204966662,0.18165711079976776,0.39240318627027077,0.71774148044857,0.9275970955243005,0.6984012469393553,0.6162945934538125,0.5999251083902355,0.5632100274549872,0.581154066315766,0.7242934325101074,0.7510554922604332,0.7378614494719323,0.8495364650279278,0.6627702350685687,0.6206440737523662,0.39132277728949716,0.19237581216224203,0.04347882559922493,0.09180940831071854
0.41244075488849613,0.35154827844471304,0.27469691084645964,0.1592757493822139,0.09794617518430226,0.1046363670338647,0.39767627039853776,0.5837154687904503,0.6788840010610421,0.7617880276649085,0.6955271894265895,0.6393531656376057,0.5214837765002145,0.3910946590057049,0.4869679571084612,0.39611957391250163,0.36543443924562713,0.33434810798263626,0.3486003831314041,0.6792051773949721,0.8323649377831963,0.46422920670411283,0.33792505172646997,0.26802230226106544
0.22968530103171675,0.21836686113059967,0.14339670374039837,0.15998369212505237,0.16356559554527994,0.23781331581807352,0.2223596555396703,0.5596686378080084,0.708865273921754,0.689085513930648,0.6281317562586921,0.7292095907834882,0.682636782134056,0.6635707702444132,0.846836659789195,0.871617494965035,0.8850481492075745,0.771273163266952,0.5356661854854844,0.4753672078754337,0.275169144781035,0.08523853272348558,0.11321897736569203,0.20910491185809815
0.049748659728803435,0.09483785490240026,0.05860466297080069,0.103765052351946,0.11829520564550455,0.19420600569552304,0.417852469181742,0.7034356514876215,0.8295021619157064,0.6625383847183266,0.57739095656303,0.6013770648171048,0.5500397617268685,0.5868435248691518,0.7789652931330734,0.8189062904623114,0.7993249919391583,0.7821180901047732,0.6633522679626851,0.6053174194610875,0.4452736723106032,0.22223971070046422,0.06925593490316606,0.14232339029282987
0.21454014806281463,0.24664970069117326,0.16028579615960303,0.08510136696985826,0.09871449282143663,0.0141516446797183,0.4439815126181661,0.6896974856534919,0.8824352188018021,0.6856316393324771,0.6277769049476394,0.6886945339836981,0.5569380553715941,0.4884383366803299,0.5614256492300892,0.5631735837824879,0.5630810425052024,0.6309004893767927,0.7299236890205494,0.7311776042500708,0.5467718026388095,0.27669018330519835,0.13533887461687566,0.07409041407734993
0.1438444764016245,0.14135694029096246,0.10746324667888651,0.027626161674745853,0.07373242310467187,0.10397237664346293,0.39882936529841373,0.7809753415586237,0.7838557397972155,0.7110889392742654,0.623252095581948,0.650639023838167,0.5548334277643245,0.5322699569677616,0.7101093609744795,0.7165615796557426,0.6987105614147742,0.6091409367557352,0.5489861753099715,0.7369102767708926,0.5292269588193627,0.2707087280813879,0.11176023767922788,0.16302984925792496
0.12015617000046064,0.2177548134041169,0.12474557687101218,0.18003087345556323,0.15919265758029177,0.20425413979374218,0.2771286184669961,0.5883982684716254,0.6545512732505516,0.6959902822782463,0.6251180027498494,0.7226838209438485,0.6793910505622868,0.6959736870727145,0.905120599045803,0.8835122719667253,0.8833661645815756,0.7441414707723044,0.49041515730116536,0.446742142849428,0.26740628397288996,0.12130430178093171,0.16362485261192355,0.2558781893125892
0.3168567926699261,0.3687344738710235,0.2558613164770339,0.20129040601912995,0.16111596878239132,0.18702269091385626,0.43356852920456734,0.5491293831548683,0.27662912764031683,0.3418132546216994,0.3380947343764566,0.46211108642668747,0.5029916045505035,0.28838452017516186,0.4802745059242656,0.4373094749277656,0.40071122070022436,0.8106939896077225,0.8023595141246289,0.8725162444764577,0.7743157037075402,0.515406256482748,0.40694879521060434,0.33659579728513855
0.07324899206052565,0.12731699327120483,0.08954815458882581,0.10800334040666748,0.12274173909086716,0.1666048971789733,0.4455592662505238,0.7517070139293571,0.7295960306685243,0.6507161643955889,0.5457311110052773,0.5652178074363455,0.5029440344141305,0.641427001216786,0.7290521111509128,0.7416549463703258,0.7279901259945818,0.9714356493808509,0.6798157620357574,0.6827235188526708,0.48969710153874974,0.2536233810991133,0.045680366105569636,0.040094700682265505
0.12246471313959822,0.155157334527952,0.1359664507172509,0.15894334247342845,0.1305634763340563,0.21625664947754264,0.3068990970709754,0.6260785564106495,0.7585407323224619,0.6825075162875316,0.6950698466629391,0.6963089800535884,0.6529615729775243,0.7197457153796232,0.8076316042196166,0.8439543416065844,0.8695904285690134,0.7924381154016009,0.48426332587656806,0.44605130177210034,0.30590365265128167,0.16945536729870453,0.15444967899463724,0.15713864350430345
0.36224007849811435,0.44749218149662984,0.32574635893924736,0.24761726968996822,0.2934991353205282,0.3228424547020411,0.42156109744890546,0.26714499691178917,0.3035479867318885,0.3640456760485589,0.5205699766081983,0.6763091477213714,0.639020515072503,0.7507849428034223,0.554252349754042,0.5083437474097463,0.38565697125705967,0.33597874356352553,0.3046920565658691,0.44050301937029157,0.5313239554643577,0.716864119453698,0.6464382644489918,0.5026232757866707
0.37894436871678355,0.29993957331692245,0.23081622461456852,0.33405523347229604,0.31261550141663064,0.41158219460572654,0.30314978839455453,0.4426311851138573,0.6802888119379104,0.7470073536764258,0.6289969545928935,0.6662541573459679,0.9999999999999999,0.8106648139499665,0.6398424060885983,0.5290848198319482,0.6106889378475421,0.3979803519603467,0.2552853396808641,0.19382729863869688,0.0,0.5155453514119315,0.35985785897541056,0.4286094676343469
0.11341258239098223,0.1622541042434016,0.11633859707572303,0.06844166281600572,0.11069413498109304,0.15627568848886675,0.36344080618297486,0.7177637415498846,0.8010078417114982,0.678714018494192,0.6157659990626397,0.6666231196174566,0.5598011982727963,0.5159008160510166,0.6897518773569111,0.7809958944647956,0.7118463004963351,0.7691147866467797,0.6834697358324702,0.6578183199013108,0.4594469085700116,0.24849425558546917,0.06252957984628811,0.1126969899474641
0.7464800872742877,0.7692491393650063,0.722081609239525,0.6203455678002986,0.551195028337631,0.554523644968764,0.2645685213957515,0.15535400264990828,0.13412695385992196,0.24788110044728595,0.4544493972555048,0.41327886924847107,0.4144914432688023,0.4150934040507279,0.5129320069092435,0.3932790364425486,0.31790137005558444,0.2316772186240927,0.29917855106815383,0.39940820951781025,0.42546748295362286,0.3243415588564008,0.8894080498025914,0.8927647323480907
0.13395984566542696,0.14579096398900193,0.06859060003504436,0.09488203610570822,0.10897572845928682,0.17279085818125683,0.4596341078884637,0.6326056888400752,0.7960081679904268,0.7613559594463657,0.7366665219842097,0.7314607636429179,0.6388223915818104,0.6641008577583953,0.7683563305264549,0.8543086332673127,0.7072420515638119,0.6247826948661775,0.44570604494426347,0.4123872140231891,0.2897871325521035,0.33075101915105454,0.18517127746656803,0.17193369901645872
0.4816202814443541,0.45305972114109627,0.2995473024624256,0.1481263795186618,0.19652869956291752,0.32831749031857904,0.12380096616800507,0.41799037509461473,0.5786730214784757,0.7991128607015701,0.8923827334549025,0.8149467910947914,0.6608811205804028,0.5683076077998026,0.6388849044819968,0.6096437124574088,0.5531689857088165,0.5222738358701268,0.3865658157376167,0.4212837778821736,0.303864482061787,0.10581486978543697,0.43145597521484846,0.3358144956445373
0.18042242562096572,0.2669357802661219,0.1670058743333369,0.16924190145891738,0.16803562201043631,0.21183208925108754,0.4715829010297633,0.5176224708055288,0.6327899729824097,0.7532252880187029,0.7337182686648955,0.7841288471023514,0.6976989355808778,0.7560252471805516,0.85315703094008,0.9140797706679378,0.8475771860457713,0.728952994420362,0.45062041077192894,0.37399015764072363,0.14871316284151037,0.052917602738014116,0.16979139793219938,0.17356010846698589
0.16774650503136182,0.13832579973836923,0.07711725847371165,0.046137210648468874,0.11355189303172608,0.1422474786828346,0.3714405133834508,0.7643992610323023,0.8397667487025116,0.7312272436877526,0.583229369540194,0.5887587833466769,0.4934229217515373,0.4960071833650456,0.6515183627899171,0.679366515172518,0.6445309774477518,0.6327534529015043,0.7242155939465897,0.7470607759209138,0.5203726743125167,0.257722530759673,0.10984477824582238,0.16497374868161205
0.10770764085645701,0.11188888505470496,0.05365713005747064,0.1070101183886143,0.05891408100737827,0.16976042793056367,0.4211346988211195,0.7401751733829125,0.7798465133070953,0.6947510621596387,0.613014246311911,0.6319997224166702,0.6352325062271759,0.5782363878986108,0.7208759707745445,0.7423859636169106,0.6815388230475964,0.6400399157103285,0.5809528360149827,0.7070935935853023,0.5013609623829814,0.2900431546646327,0.07852482471314219,0.1344955079598809
0.33899320069916344,0.2387997896737435,0.1110995977265451,0.2597569482269527,0.18360268425131188,0.22870536879388237,0.46158602186340014,0.5490583130507164,0.6938908507998495,0.8097560779215539,0.728711414316256,0.7173490512565069,0.5423231948932444,0.4176038668673592,0.43695926388909617,0.45035221679554543,0.3991244127943946,0.3822820544280759,0.3896995129399008,0.8665278264420091,0.7107846359954451,0.3933763161947259,0.18657141398428229,0.1845539298270466
0.08539286741327629,0.09119614869869708,0.05620458341119694,0.07825620672362255,0.09153300029880196,0.1962744767450706,0.43796632171654265,0.8749663940080176,0.9198617001081382,0.7242210103459065,0.6448624411196535,0.6414841765858461,0.586452952054494,0.5553143606787591,0.6800635629424391,0.7006857549234562,0.6412121828089903,0.5590383592834843,0.45402229442250686,0.7023315315499286,0.5289008436722891,0.2940208799465336,0.11638947061759868,0.12702822503721517
0.39247256275448195,0.3993463454775495,0.27889194760572433,0.3160590467547826,0.3644243822845311,0.3226768437679005,0.48554862637647733,0.6505050465926767,0.2812866957860017,0.364287840974739,0.4787980065598667,0.5699424526909049,0.5914179151450815,0.44604991030845736,0.4566736733965413,0.32061339510953024,0.24014390994720314,0.11823947670003149,0.2428515814778296,0.8460637052905946,0.8943054518644942,0.6049190393156983,0.49300187742102985,0.4946212047126564
0.159514259280496,0.22146513969758397,0.2032279615803192,0.1999722603892583,0.19376725090720437,0.30084023308251817,0.35425304047222256,0.6136223253972658,0.6464310805680135,0.7642548542057199,0.7152367881504158,0.8721571810947122,0.7480476581021334,0.7525798937406737,0.8460281470437281,0.8598927317774387,0.7769439373072919,0.669763962767544,0.4687040758537255,0.41057703050355643,0.1211940129320942,0.0739349196983593,0.14094916832353485,0.14663483303804303
0.13966694925911594,0.126669128723211,0.050233330949863486,0.08630046534111013,0.08193502295191624,0.19616638943640197,0.41630354810014103,0.6076504395039392,0.7092053455505724,0.6777122597547209,0.6622977805780063,0.7177552264609569,0.6926089087078727,0.6536396925348819,0.7911547872585376,0.7928873878902774,0.8078665661861402,0.7049887741986101,0.47979839027251037,0.4079163885295289,0.2957762321989918,0.357645925526401,0.18253164140411443,0.2642173045693114
0.09124121958290982,0.126504321941748,0.06363622675315694,0.024167850236720745,0.10454897230099558,0.18043471888681606,0.4888450651608398,0.8436927239363404,0.8466405558775971,0.7828110634704379,0.7384431370428233,0.670176046514769,0.6458235124768223,0.585201508645665,0.7899947187344448,0.7710096073890048,0.6892396624479092,0.5958309674824473,0.3956528093284122,0.3939616032354238,0.37064607202018124,0.3318998960849197,0.1913755841382966,0.15708558842937104
0.034378170163919475,0.11971700956415343,0.01884471486083561,0.11642404884867763,0.12209777863759042,0.18505766721146066,0.43330663353519366,0.76749488050146,0.8148631916689548,0.656355697944635,0.5843831328281364,0.5792067730332452,0.5368522727128406,0.5668364620137887,0.7004986649676177,0.7539029074913636,0.6994630067656145,0.8887567607499827,0.6796304386298104,0.6495357805650703,0.4441492584859774,0.27565357073077185,0.11571188108198877,0.09693011604790822
0.1654516132409935,0.23155165066021144,0.05694651314228738,0.12342944304905401,0.13892579275719497,0.11815239647245745,0.3473429634190948,0.5333389495459351,0.7093638450742898,0.6625566182216804,0.6563905158539216,0.675824168658886,0.6418610426629704,0.7033043289656998,0.8277177299937444,0.8819010788056514,0.8654378399467423,0.6843543548788737,0.5206481804361007,0.491665905229895,0.34806669604666285,0.2632369295185569,0.113995617253884,0.19386978376029684
0.14815596187099667,0.31402697144986813,0.09982261061303477,0.13399797196939756,0.12857717746919317,0.15631762660257698,0.4221660839018528,0.4889392586232214,0.6063483709782943,0.7201902834473584,0.6625799320577251,0.7040552782050978,0.7197365421020551,0.7013785865380289,0.8868020839707267,0.8932513368148706,0.85813206117503,0.6395268851810927,0.504454906337383,0.4196576675779944,0.150857806522324,0.2363171522352791,0.22551130384579737,0.22198041987576184
0.07976919071409527,0.09183536780701573,0.07652481582133874,0.11281110164813624,0.10922839828441622,0.19872366258574625,0.4337863889523111,0.767350314468568,0.8478595042933221,0.6725782316978112,0.6013087045448648,0.6639311667861298,0.5778576857041758,0.5427180688903537,0.7094946510958487,0.741549716627373,0.7272352132580743,0.7601892413461875,0.703513946450022,0.6213059073011419,0.4346012106493373,0.24039712707157906,0.09108142016169676,0.05045919342453262
0.18881321642108592,0.20371723770495587,0.1435509179030784,0.15675250731863588,0.158990210078089,0.180013136742328,0.32590326923634994,0.5881629887030408,0.6897361441627428,0.6907517309537023,0.6735052229884232,0.7047767619904588,0.6428951973747344,0.7489389561879812,0.8508032543150739,0.9547368781638808,0.8975606695806706,0.7866671572556149,0.45780804070795494,0.42378757212942064,0.23002453365551534,0.11459691690027578,0.14045944792352488,0.18814662076381272
0.33765882156053995,0.22986089907484158,0.15423307101585826,0.07747600160930879,0.06748597674229995,0.14357076001543512,0.47260641515554863,0.6679923369361216,0.842499758468845,0.7548138868374583,0.7982851942800584,0.820702360343216,0.5895401759212714,0.4906824848740388,0.5072861927911,0.529416875635971,0.49221649873787326,0.39899677900676356,0.3483948565392228,0.4123348294306963,0.5090199949942502,0.4864327946784156,0.3708740303479701,0.20831327498384053
0.3325900748690712,0.26292486438578067,0.18651749732214173,0.16467389134241384,0.14085665528708535,0.41394625499857335,0.5110826877579537,0.5734745552585997,0.886189227371497,0.9100664771853384,0.8787397432516703,0.85098553725648,0.6297788073326813,0.5546165332219145,0.6015762800556721,0.44092055458359714,0.3160040899384819,0.32435318137865615,0.24822336069120504,0.37307488220093954,0.3528457930039182,0.4632769529048997,0.2922704212183661,0.21392939323817448
0.05532441376123148,0.09195032745343801,0.03424850188629425,0.08707392977571304,0.11204732093498204,0.18571219921877036,0.48056179645184394,0.7155675684137506,0.7601107060167529,0.696384954394369,0.6230886968147668,0.6333443714623844,0.5850808377040856,0.6016300858798065,0.7449180452373865,0.7777280039885688,0.6753934021163218,0.5954205883955861,0.4608460699429654,0.7160124579043543,0.5533759066860211,0.33508137157872536,0.1505328860817504,0.12209713228565028
0.24164481170305113,0.2526898494707916,0.14696559651927565,0.11024033208015727,0.12508864382333074,0.26659981552881207,0.5402329143989946,0.6377815008049199,0.8234374841097925,0.7857463865241788,0.703048911759659,0.6136892827218815,0.5321279008787195,0.445343962233713,0.48697718631982645,0.47370988623562116,0.366056113156109,0.3760773927449912,0.2975320574272456,0.8441652359122128,0.7347053102867385,0.4444049841135256,0.2178216737962208,0.1914945667138238
0.333193070489597,0.4114386725485627,0.2897775877798985,0.2274040848404798,0.18393608136639605,0.25358638910119446,0.4598873869334733,0.5542218395504948,0.23559645906852023,0.2698362902385062,0.3875539667978174,0.47747371691064655,0.5505861387217813,0.3409607970637052,0.4404019605931915,0.3932117009439482,0.26740489558495883,0.7316823726714086,0.7724396288460227,0.8707110576143173,0.8082667466593401,0.5495800411139289,0.3832559789411384,0.36508440265720127
0.7566525577713823,0.9081917541723077,0.6640568621485967,0.6902771350488897,0.5501338869894952,0.5990029704230562,0.6922173468100377,0.3545237029085667,0.21600218056021664,0.1951927116777149,0.2618690258748092,0.35996123614004544,0.3563996951144177,0.2597553248492718,0.4040750446311129,0.2848277835274872,0.3047425984652089,0.09987897056113165,0.17650288393408087,0.24680768718781307,0.21828856977477953,0.7291776339295593,0.8506448780329641,0.8733819449727822
0.1319352648752976,0.1474847785301424,0.08675761789392589,0.04747152248476527,0.059235731612565456,0.149704670167369,0.37141822615312453,0.702678421012317,0.7492829702738708,0.7038290240906387,0.6348505530214517,0.67284298890179,0.5752076391890493,0.6138256025577462,0.7717357442302839,0.7828905179371117,0.8110499657183581,0.6527832261148323,0.4510011958642659,0.4756395539262024,0.5521945342735916,0.3329434514612,0.18298108036760571,0.1651727227225343
0.01954154839815897,0.08584714106796021,0.05334909102137808,0.09795047348419395,0.09384916033954549,0.1916181563895163,0.509948731706425,0.7513696326664101,0.7430223344282745,0.635163469938663,0.592764550320924,0.575571130029626,0.5217774190422565,0.5696741692177086,0.709922556661966,0.7483985688222485,0.7004890315481219,0.8395026086637817,0.7374221591380976,0.6787179967777592,0.4777954447395757,0.2594557900444163,0.07574701588294802,0.1349235118292243
0.10691300370662704,0.11814833158699567,0.09288580954281189,0.09967311702111303,0.08401870997281236,0.18009540682922331,0.4366283422275471,0.7480774810592524,0.8175906504561125,0.7219506488359262,0.6417618367593767,0.6573212836086577,0.5858441434332969,0.49754495986203306,0.7044467059242571,0.701903473597651,0.6853264102353509,0.669250037438427,0.6987535332200844,0.6730336325146038,0.46096479695739234,0.23860243518849678,0.08550058955230559,0.08542401116853102
0.25831569051363124,0.283029068611222,0.21616710264052275,0.09966391999201629,0.15970165303210015,0.19618054726769696,0.2639102195795514,0.5335153639827243,0.7051626966572088,0.759552197545569,0.6750515322637672,0.7180933564901171,0.6538645366059329,0.6585726914777799,0.8270386799314149,0.9207880281166417,0.8540644793528739,0.7962457633015223,0.46963844963235196,0.4175888864126999,0.21222494861340974,0.0689336686502575,0.12260733650842275,0.25943813559388806
0.6720287758996373,0.6958578614749105,0.3217693241697791,0.38241007062118737,0.3815126175570559,0.4439050588325557,0.2878065216537117,0.2219445720566029,0.27643435606946604,0.37355993551920896,0.5640461308359459,0.5705162723912174,0.5486642606501235,0.47623819606080964,0.4756377575346414,0.504929790484764,0.45190424887244773,0.29371970744482095,0.24510102188500038,0.38994867191188065,0.32639587279689114,0.42155029570214286,0.8468287699589407,0.7946449919467473
0.2687982824887895,0.22847807334944176,0.17473309945482962,0.21301250516047587,0.19437657114251994,0.2577237476070924,0.5325594375680722,0.616554698471214,0.892744594786995,0.8845772395784397,0.7288703029629962,0.6738612912375419,0.6335428417205202,0.48596438433409744,0.4637918163092195,0.3780555451526338,0.3567996300037187,0.3038856362714362,0.35481134404315906,0.8094360439822548,0.6433778895195249,0.37730181876623514,0.17041544503637604,0.11600210224168198
0.3331313847974649,0.3799529198996803,0.1291649554738583,0.14766527132692508,0.06755645580168146,0.1129032912897795,0.45929963372925425,0.5716425886681251,0.7386168379419172,0.7449595105895426,0.6995517891958121,0.5952245886666825,0.4284773530166897,0.40550274608997633,0.47187902641525037,0.45786719123423586,0.4202531351031398,0.48236304992372486,0.7407124630040814,0.8409733138030444,0.6635033509113182,0.3360696532937951,0.17841526694875162,0.156366683409074
0.12048005003683898,0.14795978368714713,0.13287710670317332,0.0922592262053864,0.13143589441859338,0.2379769636915725,0.3282487723847629,0.5434192644121164,0.7124737705640473,0.6745438498141556,0.6190043482940097,0.6354135782028156,0.6165676557964858,0.6820390226779636,0.8654304865737492,0.9174924934785513,0.8779551663580075,0.7529846467611633,0.5418685154417836,0.5015196871430818,0.289171528061785,0.1722843129299517,0.24265199573073631,0.1881663544500995
0.05689110258334612,0.0994877675797543,0.08170364217231252,0.1075221815490115,0.09254979257895957,0.1680363253069287,0.43377367114615833,0.7622910984260827,0.7594094181895841,0.6672658946887815,0.5695801727491985,0.553232728006062,0.501849876715363,0.5437728732532522,0.7172536057461047,0.7299953777008966,0.7191541175431636,0.7777897163966375,0.7124054448117296,0.7161838810242975,0.500152797297387,0.30227723004960505,0.10540430125167048,0.08729279301087814
0.2880851456779383,0.20010072678259144,0.1037021006146196,0.08324716592977144,0.10991281227942995,0.16869870955680533,0.22474931888794925,0.5397892423424585,0.745495994820216,0.713395690366311,0.6347921283419734,0.6217057123016455,0.6018528200479226,0.6196109289185586,0.7568288235227203,0.8055258949031974,0.7802425315668741,0.7224784133704387,0.5333336262728952,0.5060463809978165,0.5423800354984472,0.25649074333399197,0.14442180803944638,0.1615210539784609
0.049566046136627184,0.07153557903486807,0.05304305404437559,0.13323536117161694,0.08347057946507208,0.1928122326398778,0.4570453093800015,0.7433830616278669,0.8598906160485164,0.708786562674532,0.6143069544112474,0.627822931643242,0.5350639698016307,0.5298532438486714,0.7265310881068935,0.7459378834351743,0.7118721973180763,0.6987723966024139,0.6775089300724644,0.6476904815263631,0.4599693569122444,0.2565996557385572,0.08021742659995154,0.13743183495354133
0.05079538225616981,0.12510529219227118,0.06432404527606583,0.08674672118772153,0.10044069039572545,0.17213495798016654,0.4884957604654651,0.8265726976357621,0.7595864139149064,0.6691717409809678,0.5784493452856766,0.5839032640725665,0.46676624384799487,0.5172050978582563,0.7215271746252633,0.7764118889597469,0.7457135717969323,0.736408395446762,0.7069851796285268,0.7416136465305971,0.49229217837012207,0.2524224854089927,0.06327374414954325,0.05398507961719451
0.2176304453380876,0.3969041322756222,0.22862052192039906,0.1797633027456902,0.1232129779037211,0.14828073736186398,0.38663982450090323,0.6358524003650297,0.7123389898234873,0.7608093027566385,0.7280480955933682,0.6760002664054775,0.5538216432712576,0.44724145840955537,0.44124631185701835,0.4949641200521608,0.455658748954794,0.47340394217092097,0.4819061295523647,0.9059655975052517,0.6669237123520337,0.36284136599581684,0.17030028089935217,0.07711873822074466
0.11004963337373108,0.14654035070003724,0.09034575268516787,0.10639957275515521,0.09427371276867658,0.1408712541995928,0.4261707015011382,0.723630323456929,0.7579977533365199,0.7374907811445753,0.6884574308144422,0.7331830843699627,0.6081907441705026,0.6116019174595411,0.7696565815736902,0.8199084024230305,0.7948647310519585,0.6630969878124915,0.47604723489428086,0.430634568729332,0.4839757326197334,0.2911244699245438,0.10103850733534697,0.10473427243150621
0.1094275142505608,0.19001801981342104,0.09980114409057017,0.032107057074649115,0.08588652490876658,0.11389267385322355,0.39230218949046486,0.5604922481237079,0.6352288338197856,0.6214232282986758,0.6012365426178039,0.58514989732677,0.5741663099649141,0.6987969049690111,0.7640422398063307,0.8752714940679975,0.8253590646900462,0.7398407523458312,0.5510243302630138,0.5796135019878448,0.38837711174139966,0.3524915595685979,0.27939403750051117,0.18351847599209709
0.5779029405541296,0.5775381819050405,0.39492815033973344,0.28498097157529634,0.24806303572756427,0.34349647006748196,0.06456478062084725,0.3267112659308339,0.6117844162827593,0.80781233226677,0.8099694681397024,0.9403095706167799,0.6540956806784076,0.45840876556871796,0.4770893655339002,0.552702907510222,0.5845284813116777,0.41297641054582984,0.39588731681158684,0.3767179000093039,0.2605523118949665,0.17803383541262535,0.4284998561506892,0.3420019255665315
0.34220596254463,0.2582482002479462,0.21935221181440379,0.1784299620242673,0.1344491738630147,0.1820142093765087,0.4499712679074841,0.5838746351605208,0.6202331337099524,0.7347990360167436,0.6772141143267534,0.7205275666793814,0.5043272224684159,0.4517480279822564,0.48165226966076796,0.48346815889526995,0.40146894411083967,0.33705937548408677,0.43106470342821135,0.9470854752975151,0.7028892129465147,0.3999497311284269,0.2229735939123068,0.174973570955866
0.3064286274072697,0.2555453640916998,0.2087163841244556,0.11707378182350581,0.17698406530496147,0.22748250098744183,0.41565759125538565,0.8163077710882176,0.6503145466587342,0.7319853857889932,0.7073461048634448,0.6501698800663033,0.5517816976807988,0.34562688768466004,0.48549995219416514,0.5218322763471935,0.3721773751633732,0.2853726204407799,0.25553145084109663,0.5080650479892703,0.8484009763706895,0.591824586542712,0.29696770492235647,0.2817439063050879
0.25425529873350144,0.2551188722019003,0.14445101030227636,0.1486425556361708,0.07510089150766142,0.171567811914758,0.44919357613254707,0.7614144629134592,0.6795613370486757,0.7791283603407906,0.7458379553447596,0.6714882332147083,0.5006239040625988,0.3713061061101539,0.4813829680391035,0.5079440524317897,0.4289637199044388,0.4272734783080943,0.6988511424709994,0.8125125958312022,0.6204156374619969,0.3458317702075324,0.15536675525074176,0.11300911312839074
1 0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23
2 0.3328187662304084 0.40178974433977505 0.36339396787103917 0.23049948493780836 0.18998727196731824 0.23653815921453913 0.40114205899251737 0.5344800453283227 0.20306562359106828 0.33539209231190614 0.4331985372810486 0.47760568542822585 0.4271416905365887 0.45332642192881034 0.5428110593629217 0.411327789917149 0.3613854164547934 0.3577739271158534 0.7407815609617739 0.9288213767964568 0.8186163785701763 0.540817239744444 0.4085443828961355 0.40480812054323145
3 0.2566993368696521 0.2695377611932445 0.15759219249230905 0.10860703111160719 0.12337509172653305 0.22113681823294296 0.43563308068741696 0.8652257803201898 0.8436559935320499 0.8283804982964835 0.7359223521113922 0.6579979628364359 0.5252682203704504 0.39764631752308144 0.45997023563476946 0.4453711426188489 0.328476424108495 0.2870290739809089 0.3596131971799447 0.7828785532833309 0.6745346587033336 0.3989952078541992 0.2443919311788118 0.22285389814283602
4 0.42561172783799117 0.4606397956356388 0.3348985496180245 0.2085424062729908 0.1439810471261438 0.2339447181600376 0.40109665601029126 0.31617538019832775 0.24452745488876004 0.4787793668282402 0.4912708067062098 0.5766944110273238 0.4934832589549556 0.5486346749838643 0.43646661640957585 0.6078200574945318 0.4106678513550754 0.43087340438092114 0.3892311027903232 0.598846821808063 0.6853142032124291 0.7048176266302109 0.5288351980511019 0.4942338326259469
5 0.23385762851127787 0.30373986158552274 0.1652565752034777 0.20282962309375152 0.12353828431045799 0.2084042879371545 0.47515805447144094 0.8017299969782598 0.751322298325723 0.7997067851356607 0.7724792367916261 0.6590309361032051 0.5886004930494237 0.47621229049990527 0.5073368318775142 0.40739113702434504 0.34344606367880426 0.32046878351025554 0.3022933679243524 0.857748851168162 0.713195695476831 0.3359433241615686 0.2260734509824702 0.15068784678955074
6 0.14669775124047696 0.156041540695406 0.039489114005294534 0.04521442302095213 0.10643153030549368 0.14995600141619958 0.40428836966776727 0.8142056837604691 0.8844421096432796 0.6681033196241388 0.6543012542810457 0.685107374914012 0.5634066803934547 0.5445253982053765 0.7020821671719086 0.6994223324182508 0.6399903763376771 0.5398960187656954 0.4482977382695484 0.7069616575170965 0.5574190704028174 0.3261634545781448 0.1760638279596118 0.094494100161853
7 0.2791590844204768 0.3672196693336695 0.20147471394503258 0.10921677700340571 0.18288261120839688 0.26685108729095663 0.4742930779487389 0.5744536805992515 0.7195945009712095 0.8450600503593103 0.7122549365026764 0.6837229979185908 0.5835586601834326 0.4150588250093434 0.47705561495281934 0.4632990527237619 0.4256946806340435 0.36488057094054593 0.31141499015790164 0.852551250772333 0.7428566077566352 0.401407077495196 0.13415236355064133 0.13741347579642366
8 0.27704492112111306 0.2811973716578922 0.22434062010082068 0.23425649988606545 0.22997886422306602 0.2356898195838708 0.46610950109807076 0.5079682537934198 0.6575387699877624 0.7465948351801626 0.8004964773683604 0.8788934205764698 0.7932608557557825 0.7768134258814763 0.7750663583468712 0.8133501245362835 0.786279923916983 0.7212775203458404 0.4066501832538216 0.3176625912347983 0.05875160619879499 0.10212393447774797 0.15172511497661265 0.07639549073886898
9 0.12512392083318397 0.16605034150598275 0.10294281970474939 0.14044411825140146 0.1207043788666563 0.2077860428083742 0.40568674837946883 0.530514119680966 0.8258235788645831 0.6793834706672288 0.6018164034239013 0.6076268814304671 0.6006525597780036 0.6474916596012744 0.7484500105105176 0.7814611417154217 0.7968103612003733 0.8937683082021032 0.6478219820594868 0.5923407830501153 0.4242135331426069 0.2016743104177772 0.03858869429105759 0.08131910675215129
10 0.09933366408669275 0.15969668438248996 0.06883212621914803 0.08541492282521557 0.1087958750092839 0.20252623002219583 0.4423285706530161 0.7462954531695521 0.897656575749255 0.6716540524503176 0.6013020841845841 0.5517128894142479 0.494209934565105 0.5076695825548622 0.6424044055624594 0.7306696645125814 0.6841739909401032 0.9553011428718141 0.7264023095086707 0.6742452633510254 0.4311478722594213 0.2297706163962821 0.058278212068001406 0.06946891432244512
11 0.25368004804988875 0.2994852925138817 0.14323626094943842 0.16158300407302717 0.15931365861846447 0.28251702505238663 0.5531809252709374 0.6381470992998233 0.7451936783245704 0.8053472477804192 0.7375590293045696 0.6816099646826445 0.5522236654677284 0.43081658607270523 0.44695625472217404 0.43171540366422245 0.3389136049414312 0.28399405595176497 0.34250224308406596 0.8738515805708285 0.7298305898397334 0.409767480041535 0.19547677759154392 0.18130472672565356
12 0.11997234136677087 0.1263572506622468 0.06169406259763077 0.10324145006187435 0.09251617119093836 0.17437439376560504 0.44961893910836626 0.6362932246386394 0.8103186134925235 0.7559298082125788 0.6624702823405737 0.7235386471911222 0.6820990947659281 0.6575992799747516 0.7762678050305101 0.8052861272809981 0.7423671102554075 0.6422808763942056 0.44284730142957646 0.46475574862188623 0.3480303326792641 0.3228729845606122 0.15275179255114632 0.16570133862506636
13 0.1663181343909531 0.15955657885724128 0.1304048974035782 0.09714639036887118 0.05817668785548269 0.21030768343273643 0.298840316282311 0.6064347634845234 0.7738000562725217 0.6987424573396992 0.6743025212524943 0.6965884263586796 0.593977210763043 0.6838925626886572 0.8228068380823351 0.8556279431270399 0.8005690477925309 0.7021441218615312 0.5187053202878179 0.49055280101245213 0.34875860585054297 0.19642861302139358 0.19429927480106085 0.18996242632589316
14 0.06514530842274285 0.09041094516615067 0.03501473439022684 0.05650900312030638 0.06871726269042211 0.16268692557146303 0.4523978833179398 0.7559060204689566 0.8256563715071205 0.6735294708579257 0.5906769024608665 0.6316415188279277 0.495554442639651 0.5748879936312529 0.702232868670204 0.7807584120341469 0.6793953085686769 0.6888458685013548 0.5023006181785055 0.7140490797311643 0.5215285365862999 0.33697163523528384 0.1509269001114741 0.1903678248811317
15 0.19576875730164006 0.22769030088624892 0.26641233471942094 0.14428139298773934 0.19249784873309028 0.1670263008634031 0.34008407878353647 0.5006363527960316 0.6767186424762621 0.7249409433859785 0.6927652164946773 0.7010845311100584 0.6933267164424828 0.7619912806247457 0.9156515626587757 0.9117898534300324 0.8340155976535892 0.7336560864574257 0.5262662469088728 0.41899257382958655 0.2086263675814909 0.08804131943574522 0.0603775651211516 0.19460159359584972
16 0.10851889548580984 0.19359263740524563 0.05516851783213872 0.06574836140074303 0.13455794894190698 0.17441514214559295 0.3790331265088025 0.7747557113946962 0.8372648673019359 0.6937877447552643 0.6280188377386521 0.6564264033909877 0.5906680226346508 0.4909621902594574 0.6713921426998036 0.7087900203599473 0.6731705987353769 0.6199634816658606 0.7169639980856513 0.6810870115070546 0.5051302434886513 0.23831408495021236 0.054662844557813964 0.12111596359791502
17 0.20314363045041264 0.1848085248777837 0.07225381204216019 0.02301399439369678 0.14174046029448173 0.12663347279838177 0.3877625955111903 0.7253848149594117 0.8046130755645049 0.7298231865048537 0.6283404217392936 0.6234863441576859 0.562222596198012 0.5375536287472917 0.6599004319270918 0.6952024267048105 0.6591432644791126 0.6831959827446313 0.722816125504432 0.6700179261490723 0.4468300718714775 0.26854248431845024 0.16260888207187527 0.03764087720175277
18 0.1256802847685648 0.19210715325901834 0.07003608669800099 0.0736414688443785 0.09985630152835434 0.1718678032728297 0.3906363225887688 0.5245834274159897 0.7395815112561992 0.7253411513640537 0.6384854204563919 0.6257807380456364 0.5763227188353832 0.6116543029840306 0.7416672484699489 0.7409594716175658 0.6895853539076395 0.778816206959052 0.6244612204148374 0.6003483021904825 0.4218584132489962 0.3375226100181018 0.1642849552010418 0.15625005854881413
19 0.155477140905827 0.10822697322341834 0.06296976352720773 0.1042984800395621 0.05445160587001274 0.13817507963817288 0.4364369951701543 0.670569702433327 0.8189099190489265 0.7512590117928957 0.6661874491292551 0.5980064067722881 0.5512269429944218 0.5331922322721311 0.7115703356189498 0.7665989214605843 0.7787351949350538 0.8141597285076942 0.5767346740394412 0.5515920904900141 0.3897976065657053 0.3219796773887516 0.13134631431207483 0.11405781759962907
20 0.09841343095453337 0.09812811163268365 0.07961254706559384 0.09555816055533606 0.08969227425301829 0.23535532594785302 0.4682263322922063 0.7789100015648334 0.8924409011400269 0.6999628245578112 0.6113600665412411 0.5997909741637919 0.5456480243498494 0.4935837784547241 0.6803755906325258 0.6914478791736249 0.6823809310480279 0.753534745866812 0.7188638229525168 0.7054340955376193 0.45269418863932326 0.24152015140026162 0.044055819823717424 0.04791111401386769
21 0.0938086023009384 0.1165362782039252 0.08181075233362578 0.13592900533330576 0.11206913588193346 0.14841006141747537 0.4214453944111705 0.7265062267639038 0.7100933009427342 0.6753506145910066 0.6126496299694442 0.6012601631128083 0.539651914495231 0.5625604361370627 0.7170517788570163 0.7669193363768237 0.7267283693309884 0.8266926535641239 0.7031203564327584 0.6775614811138154 0.5007235075892487 0.237553183728545 0.05188911528923387 0.08423850164764024
22 0.06849632144394963 0.0837150274365498 0.06731417613968504 0.1653184831208525 0.2107464713761451 0.18893334378514415 0.3243669416826656 0.6924944664469929 0.7828218593322553 0.619267029424345 0.5379386986912251 0.5059950081575033 0.4680567425499095 0.4988414010726798 0.703416110655136 0.8040088383222095 0.7943520941324368 0.960665599397091 0.7301728106379192 0.6810891994439583 0.5058366740429384 0.22216036865949368 0.08527441826927382 0.15357045333110142
23 0.36979174242063356 0.4139417249445463 0.29668719421414935 0.25696053726187773 0.2371843891460511 0.36741148607899266 0.4936460162704653 0.3459358602295752 0.26950391619462155 0.33650473081412746 0.4828229994129809 0.5342303093982915 0.5261431543822044 0.45781576660112067 0.4994017398955781 0.5022337442344394 0.3444615323417619 0.29016407098344854 0.32914013830593547 0.8826582002538076 0.8200959666116558 0.6234835241041091 0.5109363464985094 0.4584535601312299
24 0.1599273376585714 0.1699575368114793 0.09589390332548842 0.10922751639141937 0.12402606412704431 0.18768263620960246 0.48977671695716674 0.7490557238233908 0.8772511551121551 0.7145093664267934 0.6666667218363357 0.7086553835563547 0.5421567996808634 0.5258486950389616 0.5650175006409702 0.5555986001859479 0.5936772898991067 0.8309959728755852 0.7276665002501616 0.7043484968126794 0.4754882529852396 0.1871559151133927 0.036326352346848875 0.04581032565572701
25 0.27031228675351376 0.3115610944444874 0.357801605092482 0.23729734617726062 0.20106668797819183 0.16906086450186597 0.3637206807704928 0.46433494188198354 0.21510531605834704 0.1893770951350264 0.2766967321363749 0.4330414050932815 0.5172609075370458 0.5221168151818305 0.6134356078663072 0.49322899407554094 0.5500363231353494 0.8991641662378785 0.7618042120773302 0.8284262597020675 0.7753674874266816 0.4807464757217983 0.36810048981355725 0.38554031209516504
26 0.8505507872521989 0.9382708937860557 0.745377050916631 0.7026088229899222 0.6259926980757853 0.7484424043287153 0.25667304220921805 0.16180901596995467 0.16802733454692143 0.23318108358032757 0.4176701305357125 0.42838392010071247 0.545625854661001 0.37682080623792125 0.38885555706991204 0.4005060212800586 0.09193358844813804 0.2333409260085922 0.24145390757001003 0.3274663327736035 0.41105088137704704 0.39601319233881377 0.7042896420995273 0.8852217365066104
27 0.2704158422401534 0.18568457963068702 0.17927404753463871 0.12395950039681469 0.19827647235946588 0.11668480043934504 0.21040843897276829 0.5416250821830033 0.6984722624774147 0.7430197135915358 0.6675290651401661 0.7096260402970886 0.5829862588703543 0.7012159156988245 0.8676655837866288 0.8405228269780749 0.829064670307069 0.7237661139141811 0.47317092339156397 0.40608067256763664 0.2825559594407067 0.2691952495348995 0.14034793688148725 0.24050151535274666
28 0.06338314086301466 0.11521401995876324 0.0732122978314822 0.08534677341085195 0.09897195714040152 0.18173854807305756 0.41248050100368144 0.7903763952803399 0.7608080530724457 0.713186721255685 0.6103737569911521 0.6027424860381639 0.5576632381484241 0.5291087605340785 0.7149286267977984 0.696687146716042 0.6687073555298491 0.6420478227824735 0.6594460866203948 0.7305412619026805 0.5062592779513376 0.296755724250544 0.12732385597453733 0.11152616249928976
29 0.09366294026537869 0.17529478664425802 0.08524289335410784 0.11601869407556531 0.04509569053064544 0.1986070091942771 0.41173346452696274 0.6858918359009653 0.7645864478140159 0.6615232315156696 0.6806139589717239 0.5619407639037344 0.5746209334134175 0.45452273039212543 0.670588588144635 0.7209883506703197 0.6872529020531997 0.7399175858289659 0.7263888588868093 0.7221484053985918 0.4868616988213297 0.2667832604478492 0.08439070682639382 0.13522676623277363
30 0.14770955919258774 0.14088070007114695 0.025141468762546304 0.068157240406856 0.10100170610564863 0.1773721063389354 0.37974917627867344 0.7410915248386383 0.8398181058533591 0.7104378754538679 0.6087038124875636 0.549858367297703 0.4752303636771461 0.4693031022138944 0.7191535758108987 0.7099079893136454 0.7075941367707492 0.8457934336100961 0.7280394950509093 0.6450916118701341 0.4615974378544385 0.25383697303872643 0.09180658280578503 0.14928847979087548
31 0.17454634191561227 0.21566148074496316 0.13267717885793906 0.15038713494435196 0.15399207011695526 0.22585619447577787 0.2641533078092073 0.5887190018198829 0.6966552490228581 0.7040905258213311 0.661394184154176 0.6719090327757913 0.6300184627831863 0.7056121640566432 0.8946927319611626 0.9113160866303247 0.8543672168464683 0.7414843207676705 0.5835142402840557 0.4352995540880402 0.2699739488250455 0.136214454011642 0.12456956693009599 0.15845905824790607
32 0.26536769318257714 0.27998500930162845 0.17535423828749208 0.19299040144346513 0.17096236084112748 0.23129577602739204 0.29385584764416206 0.5726885477456646 0.7303144375459756 0.7429239780208472 0.6949680172463695 0.8465697267434306 0.7952080897127765 0.7182018071340182 0.8290556167711748 0.8831794992670524 0.7199784818223193 0.6860530191120664 0.42258237985978353 0.4139352531819809 0.18156302692623244 0.07403461982605611 0.124693009359037 0.1637719374198757
33 0.3325827578176039 0.4072743865683856 0.20058173997815454 0.11273849653023515 0.08418849498576109 0.19897642151504358 0.4538894707066566 0.5060590642796714 0.27618778242195574 0.2972874150617796 0.3912971598778527 0.6016278213015398 0.6540946557480689 0.5504711839550721 0.6384315260810747 0.5520761386083377 0.497497637464814 0.39104923804568836 0.4515989015839802 0.7419137064488119 0.805772550830796 0.5462561262014444 0.5432067531988627 0.36778171040981716
34 0.18226476805232739 0.2163916498786636 0.0985818344920274 0.11290210082423091 0.12788119675780152 0.20421351038712643 0.2540492800903553 0.6655112681014678 0.8309161785194903 0.7337665009818024 0.6669289294807086 0.6651910970270173 0.6302153830947856 0.6976110219143526 0.8433920812985899 0.8893914264227778 0.8136226765701949 0.6998363971758493 0.46805605608714773 0.46892586953735094 0.2736805877824075 0.11703451970040184 0.16614106620770383 0.2234301585532529
35 0.7248743262907502 0.8444213484954255 0.6550710092125445 0.6516576816643173 0.5013426905072274 0.5431096965573732 0.13399658694680416 0.25383449235298394 0.30592412362327237 0.2729744174656986 0.2873754094744555 0.34133448651508563 0.4582397369547479 0.46382120406921795 0.5161016331327376 0.4190814004754262 0.3139615666276949 0.3478648356818132 0.27798946108557326 0.3165863259708562 0.37001723480427623 0.317429768184176 0.8618865431812888 1.0
36 0.11910716033612762 0.18252484433824107 0.05177441593436605 0.05923800728827433 0.08360296742610407 0.13813326049783492 0.44235255635256804 0.6532183692192979 0.7824930803442793 0.6591996018515174 0.6175940874224368 0.6721053438051179 0.5461353118826257 0.5974019939067938 0.7412696417810055 0.785049535853191 0.6883641052800423 0.5864669344480583 0.4940763763206264 0.739708196591618 0.5715640206269499 0.30444429500415987 0.12912730137725129 0.1281008655769131
37 0.05121500041650906 0.10016334693722084 0.061557866966760466 0.08910287436863973 0.09381218280583936 0.22699441272787857 0.46383738424802773 0.7291135897759755 0.7885317617706182 0.6521508623808332 0.5979551610446084 0.6242411752021211 0.6027705337607708 0.5965454159090415 0.7491221677368675 0.8094232558131278 0.765915881973658 0.7588759853178373 0.6494623373866777 0.6409280894945375 0.456544251850706 0.22836981653773014 0.07790609120167286 0.06825414571567576
38 0.17372291900286688 0.2851513758439153 0.13070581800735093 0.12302643037651895 0.13850297833207925 0.2106295658912979 0.46396800067408517 0.427340925266588 0.39687393005935734 0.546276612156234 0.7671685906605998 0.7960465799731079 0.7831312464073128 0.64878521443845 0.7174850020557988 0.7155847268268707 0.7741701023402918 0.7416872136580727 0.48359217841978214 0.36987669313974814 0.3666752485209302 0.4196452953887463 0.2782135875534172 0.2082395713290025
39 0.1179522633775445 0.14003453383826325 0.11012047960604598 0.1278637820594296 0.10460854388690122 0.13703626651921108 0.3023183669955779 0.5768373432465941 0.7973386232893661 0.6743680958752446 0.6288451414562037 0.65598851103091 0.5771597081435105 0.7143443772109298 0.8725078010622662 0.8686345878428519 0.7478241520410773 0.6766935077997439 0.49422690756316734 0.4960224262143457 0.3633337453841494 0.2611995456511021 0.2523143043319088 0.23751336663954672
40 0.18524751628539793 0.21906882142970324 0.12380622186854984 0.19801837726361882 0.11776175827513535 0.18351327386657534 0.48642072818471116 0.6811960245203358 0.4855888317688894 0.5205702371389054 0.5431690729538463 0.38422026097490425 0.5024269570582485 0.3819569570489534 0.46487450957789156 0.5094039265314909 0.3992840204637673 0.5886304531848815 0.8470530458983521 0.8958952185208927 0.739620404217634 0.43620531116279204 0.3038350153661068 0.28937700822432455
41 0.45093821842679777 0.45752884532421645 0.35154219515407437 0.3162795469554892 0.23978684039994524 0.34613714355075764 0.5963356313552913 0.19100141932424575 0.27322519093673403 0.5284675313373337 0.4981116042957697 0.5189291338142604 0.6180531809169825 0.4764894254333273 0.41016095364034977 0.43066747694086405 0.4890619026647036 0.37018308345271156 0.400324577593451 0.4281971766306528 0.37776676515946134 0.8036929196052511 0.717845555927378 0.4539708790674354
42 0.3417828198704887 0.3629113503285057 0.3382723806675112 0.2431231214282611 0.30547931686074115 0.3513052278669486 0.49541105720450573 0.6128997827005844 0.18378376775042116 0.23943614303877547 0.30303098920306126 0.39488343130255044 0.40868710679299536 0.3309685194410465 0.4379469797981972 0.3767511888764506 0.3426182665152422 0.41863838803161496 0.8423087667061085 0.9870226169121479 0.8053078868177694 0.5598704380603383 0.4723118895024362 0.3663986889268018
43 0.21970209111860758 0.203047833661543 0.08260401263527295 0.049035817172886964 0.06087688685244763 0.17439949714714498 0.3968085597546433 0.5717101284662234 0.7697885839663992 0.7809037461100407 0.7296379337375587 0.6961081047346123 0.6323092266524044 0.5853513703050874 0.7733448197018057 0.7969088591063596 0.7232849502605088 0.6626164206229468 0.4520158121619651 0.4256569341329235 0.2645266228339705 0.35766037849886234 0.20056311500419688 0.249417253666863
44 0.7069257330533067 0.6573760847278778 0.4295302103000407 0.6653010744586334 0.40631863945329955 0.5302697927931495 0.6324787664937674 0.39279790936485903 0.3819350586285098 0.6357906289006292 0.7506558811618848 0.8031938849696544 0.6354822327323134 0.31986187324374593 0.2479874716151534 0.0 0.35167131908325855 0.15432277106781267 0.1971255048343749 0.2582058920862982 0.10541470964490202 0.6162360153680487 0.5486120997474592 0.6269796437483043
45 0.20331127044276076 0.20516646040706038 0.12148700325107986 0.14909863688032665 0.16585622490634966 0.24385746056066182 0.3197642557855714 0.5750200425561247 0.6861622352055811 0.7366948945300225 0.7005729797691307 0.6905939770937864 0.6853379191984581 0.6678146582911481 0.9139024738134606 0.8788333755465156 0.8445741416780574 0.7541738477339801 0.5121471693921004 0.43072370979357716 0.24877065991812225 0.10911015497199722 0.14021884694554315 0.13073050622158303
46 0.12274753192012328 0.14066313140640974 0.07514595323587603 0.08748014141489036 0.05756317243806097 0.15119945161603543 0.46626464176270294 0.5525197882227901 0.6336750522470024 0.7185133431112913 0.6512771978365159 0.6800264356204616 0.5777479067524616 0.4860163964968444 0.8935974687814788 0.8896098507996216 0.7926617847617523 0.6727685576007261 0.487104987772345 0.4296322288176364 0.38359469864180995 0.36851632264660444 0.2232829630877103 0.26468740448882705
47 0.3955542057904822 0.5627925076446065 0.30875660743801936 0.29209558763674803 0.1544215968334406 0.13398293389436422 0.34765784304309183 0.7934286121582167 0.7945684516242758 0.89361954746148 0.7997692307915109 0.8166514601302313 0.6673977167983343 0.4678013407649935 0.4075052982862083 0.3703952946530421 0.3218012018356663 0.1792513230868964 0.24118608589855595 0.3587806652814595 0.7037739157989031 0.40395605627473863 0.22040447667765917 0.2200259685330876
48 0.12150138177022468 0.1458688717511024 0.06602462763473582 0.07377576831895394 0.08683241861133217 0.18928044859861792 0.370063220545794 0.6968133924399363 0.7950362381480238 0.6864953499340283 0.5803282035333773 0.6208359356770494 0.5594820438777579 0.5103975501266141 0.7707164713957244 0.7357578209904294 0.6492479859052632 0.5715600695147359 0.47691391112285264 0.7853086913292997 0.5680517207871051 0.3492522871157036 0.17128077667497335 0.1448495297665673
49 0.07892798888508612 0.11630942186685123 0.05693249872865758 0.09192196372223305 0.08651094779966373 0.17975633271837488 0.45232944743597125 0.7342813526430181 0.7314880776831992 0.6446594862278787 0.525517971816216 0.5196885291483455 0.4929537933106317 0.5628304484772427 0.7174713961050232 0.7657375151776653 0.7387744894464122 0.9368015490393762 0.7459048726403887 0.7005108554836765 0.4646353756120193 0.23940901706021106 0.10937296460484267 0.11088179723278388
50 0.06479669871791321 0.11627409907046449 0.042915360074011644 0.08544485601308338 0.09907485896434531 0.16059168551316427 0.48271887308141076 0.8621027808059398 0.845902847694691 0.7356154014492885 0.6570952945830681 0.5776709361404646 0.5659504460886753 0.5696701627590101 0.7527250700183159 0.7525625871811669 0.6992913410897641 0.6495881224216044 0.5300784919256689 0.6740013257508469 0.4995487411080388 0.26849132408070364 0.06066503145448468 0.06293184620366862
51 0.6766789363226404 0.6764486131986074 0.6001202848223803 0.4133555886204302 0.4430972615963785 0.5799853148192327 0.7225251216544119 0.18349376960492414 0.23762485465756805 0.33954156540007296 0.45698389874589274 0.212783009245481 0.29941435369040315 0.3420374893100071 0.37300715108474836 0.3541196501447168 0.3060616628428626 0.30071027782892057 0.2663117888361047 0.298798485767071 0.45235463323325226 0.8774252961239367 0.7404427074448613 0.6832705179339724
52 0.1842691755796811 0.23380924667319158 0.1008148533431239 0.0913564321193846 0.12769109507722498 0.17865642389213165 0.4283116426730617 0.4975574215879183 0.6643767818219415 0.7021227785273128 0.6446187291068153 0.7535129427884921 0.7003928090085315 0.7081651254916206 0.7996654733321038 0.8350083269717741 0.8353048603034894 0.6932601429980884 0.44186306643050827 0.42881775628181856 0.3880746005001603 0.3345127934337877 0.1507420349947021 0.07062120751424456
53 0.27836293740288376 0.19490111234943996 0.17288325246845204 0.1317936554551835 0.12208021880391795 0.2303143646798873 0.2517908545593138 0.38601693784359586 0.5359860419357408 0.6076315379836199 0.6188061512581022 0.714515372574115 0.6916438253885003 0.7152660924726855 0.7461341233397303 0.7456466213509483 0.6663474835112126 0.6073398477628046 0.4244732823690054 0.4683419508527553 0.3285531946828016 0.3334111574140419 0.5527019981867003 0.3911418073727818
54 0.04713213930250826 0.1257330005151941 0.09170047933604608 0.10349171207723584 0.11800843498297031 0.17777863835183694 0.4211366872728958 0.7130106686050669 0.6902656164722552 0.652752238936783 0.5794117801615029 0.6312782852056933 0.5836465813816191 0.6268789321992021 0.7714536031158324 0.7920670484962906 0.7935783005316938 0.8679278238667323 0.669992782953118 0.6262125468179427 0.4278425260546887 0.20997161185371885 0.07935499856392654 0.1137225813167517
55 0.09576103106707484 0.09941129249051417 0.04673868119557245 0.0690967654848409 0.10347057077505195 0.16358779194596973 0.4502577292415112 0.8647334085349042 0.7973140252480567 0.722462348299478 0.6800374497230186 0.6316087770358478 0.5142379646273814 0.5384782734627196 0.7367804180534622 0.7597615617824386 0.6829142940071536 0.6751463152904453 0.6139077484571367 0.6636381278775494 0.48516936817043776 0.22075348825028582 0.08709269291475 0.09619065437481555
56 0.14201769722259017 0.18169088052592725 0.07998209380595034 0.0829126454180259 0.09641822993011029 0.1457219175586807 0.3778506190930685 0.7564594867221457 0.7815198580983277 0.7073322956108472 0.5747875412598438 0.5968971213770369 0.5454020187874633 0.5175258155950845 0.7363751362127993 0.719517363994717 0.7055204600339736 0.777151425814695 0.7212968760880414 0.7000345450926675 0.4783634142727398 0.23683087478019316 0.025178957495371773 0.097072033995871
57 0.3566862644524274 0.3976164918035921 0.17203693760092065 0.12576337483668854 0.1413744006901434 0.25483977357761134 0.5065824485534189 0.22287903398238318 0.48202260837545297 0.6089177161480201 0.6257881487192767 0.6626423138526656 0.5597710742332758 0.6383173574237052 0.7418084036018493 0.6612209849450692 0.6030473478865319 0.6207039464635743 0.3704472433235608 0.3678644757326367 0.09719691363865829 0.5467509314776513 0.6141332468059767 0.49710292150484153
58 0.21809657457283338 0.2948230539096765 0.16875172547254125 0.26384248562450086 0.20522519220638846 0.29153163746606536 0.5509658107051492 0.44757942346390284 0.7854327263697782 0.9039393619489391 0.8014120731951997 0.7973677089548102 0.7186611673657991 0.9077154313768441 0.7495545346170697 0.7192450379395043 0.6591601392515231 0.5111302307972844 0.3235254931883502 0.27233741189082583 0.024084258933810387 0.26992902903706684 0.17674091904344683 0.19592193829974947
59 0.6365225826364921 0.6750449010172496 0.49741458399109895 0.47429878794010144 0.41415410093509264 0.3570378408343592 0.17178193469605385 0.1456704336646112 0.26094123419877757 0.3384416019696673 0.43870558053753106 0.5483022472606112 0.5476919582561915 0.48877272520096127 0.49501619414725484 0.45922254278011687 0.4298702803096016 0.38514967926077215 0.3256614838055184 0.4470814119861226 0.47604157000075153 0.3619461178255885 0.8345360781088449 0.7951598888224776
60 0.40109973496728296 0.3907384517119218 0.2777109551936534 0.16912502492766202 0.13649941928940834 0.21789407999950994 0.22724478444116025 0.4448198941743354 0.6618584275728576 0.7500787892520193 0.9083450427507698 0.7458379500191653 0.6848123527456402 0.49258029697135564 0.5304273883919821 0.5006569814776127 0.5018669580928061 0.44516585497579847 0.3819398206767119 0.5111049605773708 0.37284477540940697 0.4567099880580823 0.3672514764214163 0.25690871629218914
61 0.42980085818024727 0.3686299875572362 0.34059560340316125 0.40174808103416654 0.4522955879164912 0.35026962414839424 0.43865146763172314 0.3033631934688612 0.3045838799564735 0.3330651304393279 0.33727236149782175 0.321275819092051 0.44886088907938726 0.4143787537753693 0.524513781781524 0.41813691749579907 0.2914430249753498 0.2141789655120742 0.3969150629790988 0.9031412835250539 0.8285565481591888 0.6413246137316199 0.5986586711130502 0.5723232510889205
62 0.10988597800281696 0.1412447965877487 0.05477372290214766 0.09490317213530974 0.08118756136296612 0.1432102112108996 0.37579737692969667 0.6668876940853837 0.6306213516083432 0.6476917836465914 0.5842916477245056 0.6159337022956048 0.5630472640609803 0.6793171581346951 0.829681384788509 0.8950856134811924 0.8690334001630106 0.6963950445553073 0.497730417202735 0.4915920363125289 0.5181478985777324 0.3391631418385155 0.17433253072918894 0.15841620270470572
63 0.13340005102459623 0.1803528628793004 0.031287790168747054 0.08403274073809186 0.08435558309592728 0.11742570711489175 0.4081298099431579 0.5957799972173119 0.7701905638438877 0.6776207825393802 0.6514566509773783 0.6195225380431213 0.5797978342731759 0.5264809975099931 0.7255625917925944 0.7828675550899779 0.8344267070167901 0.7823633607175503 0.5603959755739392 0.572203081247231 0.42387082410713717 0.33292799812804147 0.13168339803376503 0.1879595009426031
64 0.2541867024927613 0.1315662021702474 0.0298032077407836 0.08250780476455244 0.08197349876494597 0.15836224349099293 0.4162158905176679 0.6047491129500845 0.7753136303234314 0.7729017157262107 0.6699608889803234 0.6687817957499012 0.6859870120381856 0.608801244868466 0.7482524017833245 0.7893906010914606 0.7470719641565674 0.5927871326918072 0.43236901123640137 0.4482252428253989 0.3600659923744362 0.3932030447635134 0.20675766557128256 0.16209609744904022
65 0.16960955677322567 0.15511924519086917 0.1375147653595784 0.1295547215519467 0.07863503277613382 0.2013572571533745 0.49311168199469557 0.8259420992385977 0.6639253410250412 0.7175175847816289 0.676185599979874 0.6027121195396774 0.5483600123071852 0.39131512552464864 0.43326829822772495 0.47909852321603735 0.45080872159041424 0.634222213218547 0.7621110271351035 0.8217088766579742 0.5994787006681442 0.32795617560134593 0.19040195780242772 0.1275235283060644
66 0.19982027749189557 0.21818214513662776 0.1402995183282183 0.1425468104503157 0.0748510983788333 0.19305577113282746 0.5276241209722693 0.5150442176885157 0.6117599135826951 0.6869156108945607 0.6942236818645451 0.7396735974007768 0.7329638919938213 0.7499486699404365 0.8422694793553429 0.8880495752561055 0.8826428987481902 0.6877124553184661 0.47554000221650156 0.362918050710404 0.08466823801156126 0.2220609522161737 0.22941264233399317 0.19076134732925043
67 0.14961065245477873 0.22403940581523396 0.15355309389105176 0.16735114080006042 0.1406582831046428 0.19105005853712997 0.2823422975984453 0.5836338279413154 0.6195399869657924 0.7202747924448567 0.6841001165638558 0.7167905778157825 0.7099385645614427 0.7227746555960506 0.8420517207119276 0.8681838060766037 0.8243615757591675 0.717935239968148 0.5099244289724651 0.47801049612372243 0.25108282368983914 0.13254958407241826 0.18217318682722616 0.21777201428844958
68 0.08135117476467413 0.12205532928244256 0.06789360540797318 0.10225873893421744 0.09638808455011971 0.15352990203122785 0.39927109157530893 0.8126006077336135 0.7973132201442068 0.6863489786470189 0.5827751714476771 0.5589387421097172 0.4524197145885398 0.5059456421490254 0.689594177304293 0.7088932533335841 0.7000886714042188 0.8313419383016631 0.7302884994030072 0.6992072618389873 0.4851687005497294 0.26795328679854447 0.1148055082308664 0.10985939266997738
69 0.15211926647372043 0.19236365110354958 0.18701183907910623 0.05421545828653185 0.07802265605099812 0.18948401203849918 0.4171464445229101 0.5288231434276807 0.733041430220378 0.7091542910149977 0.6292701272089815 0.63015560967499 0.5271135183209306 0.4751367932804307 0.7093240005461832 0.7156925412767714 0.6641102941990519 0.6176772321773283 0.7250730459332365 0.7486074042076942 0.5348714810810522 0.2935566603253752 0.11186482181437898 0.10873088671226894
70 0.13078079675489568 0.16489674343825333 0.06118203598537153 0.12653232644334955 0.12980894286669886 0.13626282062636008 0.36891488964496544 0.6125657552283883 0.768415712406735 0.7378611806352141 0.6518673202010488 0.6919971235660329 0.6530028375642049 0.8026154507026222 0.830991890515039 0.8255286868304277 0.7708014557832903 0.6657907410976002 0.46751849242478427 0.4396913512139177 0.2943667855091554 0.195193262743901 0.23027791590053898 0.25227265128860354
71 0.25848333944010815 0.576749748683244 0.11850032037811553 0.030951487499495167 0.04190399598437167 0.19757384442985337 0.44686306922461394 0.2537428657810117 0.6418328146769584 0.6481422208616131 0.7109775379864893 0.7294526624945333 0.7440366600648527 0.6564773566586009 0.7668414289550954 0.7119661925655928 0.6521210526871375 0.5131372251735505 0.4993903866225281 0.4146348025954766 0.3343001681736564 0.41572340367143135 0.25088460914000854 0.27020690297303657
72 0.17884104909114357 0.24974531152248625 0.11502852746510162 0.1308283672708468 0.1329721101746516 0.20747463000656874 0.2580674440173669 0.566876352725022 0.7359975702813286 0.7671232049435324 0.7020833735899512 0.652587276902878 0.6500947091335709 0.7004039687893708 0.8062263114265332 0.9001002333823975 0.7947747894805094 0.6926724384360978 0.4880719398963156 0.45785660185129323 0.2574030945028005 0.14528632391064228 0.23541148524836808 0.2234479946013397
73 0.12446229499256733 0.15891894062932033 0.13802417817247026 0.09922246259536849 0.17015149207120328 0.1763061644104631 0.3027288165830747 0.6103091634257953 0.6651705612506059 0.702070787879745 0.613613140653816 0.7149422268051416 0.6459498017194275 0.717142235228869 0.8478932723425886 0.8838657445083075 0.8690355028047095 0.7382955164656063 0.5025722469461722 0.4636484875851424 0.26769855031082485 0.18930165241520963 0.20557482015206646 0.23396558756788272
74 0.12013571084556418 0.18313802832250975 0.13206165691327898 0.12405078519493107 0.0862857863829154 0.1459590909762163 0.3828965640319688 0.617197557116973 0.7577760955344702 0.7275112092494265 0.6132097952037063 0.6484840736564572 0.5675025248379055 0.8027730093579675 0.8821449372267736 0.8686360521403502 0.6986978382869427 0.5992491149594028 0.43886152326514827 0.5236235888631788 0.4992510174100371 0.3508176276455024 0.10191713505405661 0.0672149316241778
75 0.251167092044362 0.29556488203631026 0.12304905424327461 0.12667759380355592 0.10623585502583355 0.1845244285571369 0.40825868647391095 0.5270253703729817 0.6630362839118216 0.7522498536577471 0.8417024273013066 0.7513868687249748 0.7650232228047712 0.6603253376575899 0.6177836870337847 0.5441506966905633 0.48983325268200534 0.5380689746108765 0.47355021583384405 0.5582863960091475 0.49022469758802334 0.3521398058720934 0.21025408700209564 0.1310759420361925
76 0.1575957802037074 0.1889341286907289 0.11605942105817746 0.18496767872640918 0.14532770058218192 0.25269153088198526 0.26546900006787666 0.5526790352855704 0.756997115185784 0.727668807109626 0.6710891225039328 0.7023337492425841 0.6207876727795815 0.722830487536625 0.7907958311958845 0.8786332770747275 0.8965840139670336 0.7189467933378784 0.519587342300683 0.4211715549518238 0.25566517238511327 0.12931987850186344 0.2138338950594476 0.2137010944491522
77 0.16430143350240395 0.18567282183272893 0.11537733064877587 0.19474017907244012 0.11162936093487474 0.16889489664760848 0.2622767064452993 0.5676467663717892 0.6981568736376795 0.6227911475295982 0.6081869692358892 0.7420223901694516 0.6421754734660129 0.713381908078971 0.8261306439376175 0.8768394238938917 0.8663975027825674 0.7689870569464007 0.5525856086798843 0.4824807985094523 0.3430766177688376 0.14177762781989364 0.17979362160783602 0.2113183809657302
78 0.0639963794621819 0.1343787860078548 0.0666909240224276 0.09230841031751291 0.08662901221036223 0.20065822910485165 0.4283297872955207 0.7744890194671767 0.777374124131759 0.6635197807767694 0.5520618925897025 0.5338517062292774 0.534973865056201 0.5120512410845883 0.6938491503268747 0.7053295636695187 0.6949378858186601 0.9615392581397917 0.7362848604227965 0.6840253065811857 0.45711557705637806 0.24648496393669828 0.097931427553785 0.11024900602717908
79 0.11034129694174405 0.16074831566456593 0.09645865082711669 0.08860086510340404 0.07621039731236257 0.17399677228215482 0.4096801395114337 0.6657572800004551 0.7277630104782147 0.6286615613631521 0.6074382064881269 0.5606202171018344 0.5533039420447347 0.5452370974869625 0.6651755763901507 0.7672869194215721 0.6400231174727037 0.8481438700767753 0.7463107057423892 0.7266862212659201 0.4965560258689672 0.2572310774383396 0.1035057032803692 0.12493395037144242
80 0.18126616474254717 0.2530324558944867 0.16956661913491056 0.16212037334454188 0.14597184082897752 0.18560298166306544 0.4715183384861507 0.8744919713073669 1.0 0.7769941113526629 0.7631758099979771 0.6999730800059429 0.5162842157675328 0.4606142421019416 0.47152522412183046 0.43265872186174853 0.38201372613083295 0.29185845210787653 0.3821292043214199 0.8270647725523246 0.5942392836247081 0.3312537974513258 0.17221991789095856 0.1786981729180458
81 0.09617200099075912 0.13265118014821298 0.09359837574058294 0.08369713486266406 0.1068842503859081 0.1613657262728765 0.4256349380256543 0.7332152355179129 0.7294370968124667 0.6608814973647167 0.6361651083097148 0.6893104336401188 0.6267573126941477 0.5970191545200365 0.7562750496971359 0.7420083523529307 0.7087914839406664 0.7107035627733852 0.6408358766524979 0.6757570930222906 0.4628059191814211 0.23335942532831463 0.05832680385704886 0.09333009282974669
82 0.06111894673911983 0.0982216305887117 0.04196288046195962 0.10372078093859172 0.09994601849425055 0.18837286022858035 0.4249942422928904 0.7235267745370846 0.8232148940822324 0.6489941822736357 0.582155671234398 0.5921939934879696 0.5378579521860639 0.6257743558440116 0.7706404176195941 0.7916882391707212 0.7292171247035597 0.7326365156807595 0.6877024553389042 0.6486138256288607 0.4637233178795537 0.24310835838390804 0.11405841249884761 0.10555971659484825
83 0.4133780287545291 0.47912921698919797 0.3173941298987936 0.37791595092168234 0.24635667537151973 0.3839264178246383 0.5759879907454969 0.6884443076971989 0.17373119870640996 0.06467524291691301 0.5015101662459358 0.5020881159404089 0.6451367200255057 0.545910067667795 0.48667455699045414 0.4733923333554012 0.2881190917377424 0.24867994349255237 0.24462527741488313 0.376285375488522 0.7164769458446812 0.7871829069353096 0.7025217739947063 0.5331100175773389
84 0.0615933132405968 0.11829258692328837 0.08122398218200777 0.08605728675188529 0.11005532860868927 0.14743959562021547 0.41125234204924915 0.7685669613221484 0.8061822865288328 0.6433976000451229 0.6080006474712354 0.6345866965860512 0.5764006803844086 0.6343579135845057 0.7258984272535799 0.7933005194617561 0.7233742696216593 0.7033321536291699 0.5377294806906093 0.6968216465725499 0.5228292549848339 0.2678346320752489 0.09892704867913907 0.09335411644783492
85 0.13043354503764 0.1062003833585562 0.06893467613475646 0.07428326152700504 0.11784410370675957 0.1546399235941106 0.4000037946288066 0.7516126992814899 0.9199459393951721 0.6736450658494649 0.576216173631196 0.5673666330865357 0.5360729468768133 0.545646416837305 0.71881919926305 0.7169847172601271 0.671523157508718 0.7024397637422888 0.7192627462587482 0.681918809551171 0.4915527181597365 0.2582173509666366 0.06285413486314473 0.11634105938377493
86 0.29628811428880597 0.33508822584734016 0.19042585034227355 0.07672744341499305 0.0899291222484907 0.1290116315358376 0.41614969164394777 0.7542973104333072 0.7825080171393897 0.7348509105273473 0.7386091839541168 0.6630608778433079 0.5594085162665022 0.44466740921615894 0.4994031089481231 0.4385127059312567 0.4459836550503867 0.42900859967111454 0.7393501934139048 0.8064452731515934 0.5588352696149336 0.3040705035108032 0.12064160301122943 0.0875786425482615
87 0.048177825470936686 0.06878543997297082 0.08352090008572566 0.0992342302226602 0.1437973580810722 0.20019928932148412 0.4099927821271824 0.5958840706397699 0.753333108751733 0.599506847609605 0.5945069050150843 0.6509445517983999 0.6164281538649488 0.6891027396451783 0.7389856392625409 0.8128156115767181 0.7279854486895779 0.6926002340510153 0.5643365884956328 0.6796517596274172 0.5137416721783441 0.2877562106647349 0.10896617230413204 0.19393390510828445
88 0.4138194037519695 0.45226342674450953 0.2562212422112081 0.18542176061641336 0.17675818471413784 0.26387609863172157 0.11924119768841657 0.5574364152037734 0.7610324228032529 0.8140879479678527 0.8648243666001334 0.889417275277432 0.7150285023100705 0.5768044307354948 0.5234284772697738 0.6126738764534039 0.5366197955648678 0.4822052131900088 0.3938786458900066 0.45518610330833764 0.29557417783476053 0.15061415913218382 0.31144708051230197 0.2534759861874702
89 0.3887456686003576 0.4222534506481622 0.3639075794467446 0.28575900596224535 0.23582610904246182 0.2900674916607474 0.432691042006106 0.5897164645788355 0.36787839033468583 0.330014794591068 0.4355578267988791 0.4675335323922513 0.47523983314223206 0.37480476052879397 0.4304937308811019 0.3600923643363865 0.3118376410454198 0.21491413309449098 0.3155655971398545 0.7080546882816772 0.8894005479338842 0.6823811188517794 0.6161057608200935 0.5736500482004481
90 0.24787281967500996 0.2810960718061566 0.14157571977256778 0.13322822062107598 0.1357581306112715 0.15551604350719406 0.3068417633780913 0.5995466118714752 0.7239305784374543 0.7420402144368388 0.7306106301718202 0.7910816574705545 0.7130098797268757 0.7072530027546342 0.8780686704916126 0.834303711452812 0.7415426386986141 0.6353940670043331 0.47897030491788284 0.38671231384607385 0.2508572030283416 0.10622049365202456 0.15592931615078112 0.2089092822129885
91 0.11965146319766123 0.1218225446438772 0.01801764200566891 0.045762474556076405 0.0703677072621105 0.19272502515803502 0.3767018325053745 0.7871939454121484 0.7965587742759997 0.7314699699425922 0.6718069764446339 0.6642189964803737 0.575905995528318 0.6014862267283985 0.7527595764855509 0.7717380288354787 0.7006696441789566 0.6142690587363822 0.4288302104857963 0.5032110665570753 0.5451671762662385 0.31899806500379646 0.16856830616166238 0.22278607125681782
92 0.1256022898243525 0.16160213928687617 0.12251778561865068 0.14067392973001358 0.15701757552065698 0.18900395448156115 0.29365029144178434 0.5591323137123563 0.7319403553643645 0.7315941977817916 0.6362189401142484 0.6542348457433109 0.6624296566356364 0.7001131487120786 0.8162215156196102 0.8671799413961516 0.7929404062423914 0.8405435830536069 0.4571027970987446 0.4801212474754941 0.2941511842368127 0.18943448762465726 0.21787435482555756 0.22933306312599627
93 0.20341451323489326 0.2441523542853753 0.1576935745401149 0.17013007169741112 0.15732520223137536 0.08765273968832876 0.2621399175335195 0.5328272770731253 0.8143437725640947 0.7320305243556826 0.7195684485049136 0.7325362593224451 0.6104887493953747 0.6751461617881547 0.8285761629408914 0.8095011520027773 0.8012102676886022 0.6763119889917185 0.4446895041342718 0.46246259973649595 0.30196775076615623 0.1984037990892298 0.2020389097262701 0.197274374320013
94 0.3040961318688843 0.27816921995730093 0.22013674091390856 0.13972000930213813 0.06533558632591785 0.1622762889772199 0.41832124668801096 0.5373553484832685 0.39369345204801465 0.4374721198700705 0.4685361377951858 0.45745038780160985 0.4837859473984806 0.5221090320255055 0.5151656874963236 0.5704282349681873 0.5282308827602176 1.0 0.7882715139174692 0.8635258728227291 0.7140412546729495 0.3706950335913657 0.21014478088326136 0.20424096967167055
95 0.13796894661225517 0.18831057017885017 0.12761903217988835 0.10822486884665217 0.1099023243241648 0.15542841961854847 0.2791541051576566 0.679133518857977 0.7414274237015793 0.7085192540956377 0.6656302216798675 0.717647173889655 0.6355450654182956 0.6264178017270507 0.761890681228283 0.8589629472386099 0.7661974214060425 0.7487801372179197 0.4276069795712895 0.47249544518421016 0.3008731388491547 0.36459840251056497 0.16687204331594313 0.1900123952764174
96 0.2033543150752023 0.19515005160956966 0.07975447080997156 0.07228573535645888 0.08526917389627642 0.1881667983478823 0.5675638319429326 0.7140633554372856 0.7377300266447 0.7546661219068805 0.7143983195208481 0.6620477452642002 0.5115444476972366 0.43208121973490227 0.44584620154627025 0.47834627920230743 0.4724177017456819 0.5866802547397431 0.7202226376448091 0.8048284919672675 0.5682301687748664 0.29686078451988707 0.19632913980531827 0.13857165232326513
97 0.09652841912413873 0.1333776934959937 0.11778664192529464 0.10437971094251675 0.06760511991411144 0.14585623849592555 0.43055706041539965 0.6813014898920378 0.7996846323472082 0.6965527335950827 0.64315749146108 0.6103841781228008 0.6072101086472949 0.5765527131206984 0.741647965444141 0.7789473200782164 0.7463007666746568 0.6880083596738558 0.538530949914446 0.6965820848461788 0.4991743288734044 0.26890179297783223 0.08146816792598328 0.084431811227592
98 0.10399558182316476 0.09188496792949452 0.10079983789994906 0.0896639502679506 0.10350125553559897 0.20799323493610844 0.4065600929700629 0.734548899408932 0.7711427686419677 0.664656722942381 0.6416803649506706 0.6192466313912279 0.5726261070389564 0.607136970541098 0.7290981409175615 0.7788590850607753 0.7026946383237432 0.8298544468404401 0.6713323105941124 0.6565434819987839 0.4403494425173826 0.20744069928975287 0.07234203857581195 0.08096325253173828
99 0.11706908901154689 0.11759670313321358 0.10581499592031796 0.06824458362107377 0.08102946292874147 0.18400487184061942 0.42288718765332195 0.711429020886965 0.832948260636693 0.795593407431039 0.7040186290317942 0.6861669887285333 0.589424113700959 0.6207784023672973 0.7376664857755334 0.8289832086787225 0.7157369171273383 0.5928657080520441 0.4484204961582207 0.42453601585511047 0.36866086670590636 0.370858346207876 0.19834685323281057 0.14840203980128686
100 0.12367012366227953 0.10204202567987053 0.10487180363793325 0.19536614829506793 0.12688370231533153 0.14576843614722168 0.3505958633947715 0.6813336156771249 0.7477168737902256 0.6808354924162755 0.6081789834263005 0.6039588692298414 0.4752308092990325 0.5488826446211683 0.6963903444307851 0.7027061526763541 0.670020337265445 0.622362225395461 0.7652794368368862 0.7694178792438726 0.5173409208309713 0.28521093471284764 0.08122784641974912 0.13845390682775915
101 0.11155599895835205 0.13522011079452045 0.1066440152218221 0.13733963537378469 0.1029561815176786 0.12215626685471603 0.40482214469147487 0.6270709960484175 0.7747016030888868 0.7646195629851209 0.6542855723026304 0.6947191168751569 0.6356104827112188 0.6941014789748946 0.8298619728624395 0.8522216987235407 0.7515530583610088 0.5919160867647597 0.4639159311982915 0.41336322489258176 0.32560225185653896 0.34181057402757253 0.21778053942644654 0.17260614144885705
102 0.12927150077603627 0.12264124307985036 0.06479308323064326 0.1486696897282267 0.10199464577897488 0.14012541012909852 0.37980708993665896 0.7955085650974214 0.8109474207862559 0.7111283097050742 0.6451842320065538 0.6434087232890084 0.535976670268257 0.559119534317961 0.7066549929652899 0.7198704926482502 0.6976008600748592 0.6744851416928735 0.6414129116846258 0.6974092986415447 0.5088674963692853 0.23260740044149053 0.06348359718611875 0.07699007528655213
103 0.18649781187104847 0.156706350305163 0.07288318156219253 0.09080889470389941 0.07955827249532688 0.19869433564949213 0.361770589543018 0.6855484279012555 0.7628184609465309 0.6712666195382866 0.6327679531861083 0.7193495607802699 0.6689337308785598 0.6293996983639203 0.8176635349651368 0.8207033606603785 0.7752798680467892 0.7092237785218058 0.48307832105916576 0.5063354404554881 0.49341975460862963 0.26442734381749167 0.07755876710131177 0.06130303789331781
104 0.19102241204823728 0.14096053453123236 0.08029775178913523 0.08619621330321126 0.05942643260487146 0.1466759055438872 0.39389829487567496 0.7235468569352348 0.8240668422640537 0.7231152703113 0.6361063112349707 0.6506879735159421 0.5935075921380624 0.5526802792251848 0.7453608570899013 0.7598047585586413 0.7056220734124048 0.6918214479570549 0.6373965593510535 0.6559724131023524 0.43030204952881257 0.23177788492752358 0.0359886633676902 0.1101156766977821
105 0.247992295779128 0.20747326132241978 0.1107576349114282 0.10501704792160571 0.135515049773813 0.1577150283460752 0.22381255097090613 0.6877811750081041 0.6949397422142221 0.5988017801009299 0.6679645193376379 0.7595615580621888 0.6545719613505899 0.7572111015150762 0.8561802161145117 0.9082273063617423 0.7849722524244532 0.7040725707042232 0.4696986755464475 0.4337566548445142 0.2603873129506857 0.17952466446782409 0.2510618160049961 0.19052345310093344
106 0.7105904412040875 0.7935256945307787 0.651554920742165 0.41696782176591757 0.44688697935186805 0.5143434818065995 0.11900084357995311 0.2648591741750729 0.2177399124724993 0.2869820451092227 0.43435455562921166 0.5215676658269305 0.4976736643637002 0.4475755310087123 0.5268593097327985 0.4919299236914637 0.3936316260998426 0.3194348959354897 0.27947271080143304 0.2921655813978687 0.4162129598321081 0.3597562834671045 0.907712437847782 0.8026213934696558
107 0.36507748185719663 0.3158862597063895 0.18050559193873128 0.1232349344523167 0.16265697903228504 0.31141387256586617 0.44645100402004884 0.6160012876942629 0.8178119057062371 0.876429457304742 0.9156511482249428 0.7843037339149542 0.6007484130457679 0.4275022395242521 0.5064522389263312 0.4587022512553466 0.3900615979613473 0.3218178076725248 0.29454384748430446 0.35862684116192783 0.4039333330826827 0.5083347216448582 0.37878526334586476 0.2355950721991145
108 0.20650370267819806 0.1962871986406602 0.031150649121084117 0.0544984525855734 0.05118913260849278 0.19596621673762915 0.46563061562860547 0.6188675936120666 0.8762765557148813 0.7600600257769862 0.7288210640334073 0.6947394698810443 0.6305699198676039 0.5965420556533588 0.8143966267221887 0.8172753514713349 0.7539614198718865 0.6350803024433143 0.4236621821980316 0.4140267558289157 0.30656459605450914 0.3023050311185338 0.16773091443881705 0.1563125514737098
109 0.04950947523321919 0.029818862477015706 0.08632011237001536 0.10228518753342142 0.1167426286792328 0.1830812815520172 0.4323543308386481 0.8398845701881631 0.6882927412684369 0.6823337366770093 0.6063796522564733 0.6173909682022707 0.4875238460626822 0.5812513988500286 0.7732806063801189 0.781564663111293 0.7409911458187168 0.7471445384803559 0.6756146062080558 0.6547386250636368 0.465396674047155 0.2670236978879639 0.10880137834014106 0.10008734826445556
110 0.6559552061366172 0.8095833760150456 0.5892854886071786 0.5276332736630848 0.42705932012968684 0.39757795793419815 0.6682285195891602 0.25906818116392905 0.1061494679534768 0.1585048124641596 0.2672489866607602 0.4175231695917708 0.44558374116462696 0.464262962810959 0.45991146680775974 0.44530947572647334 0.3212524874465854 0.21023244467058624 0.24075716703471955 0.2729718528168593 0.48983259340461716 0.7661212232315049 0.8107321119329113 0.7250828197599162
111 0.14924612213247074 0.12536539642020994 0.04279028699364118 0.04525303911827805 0.05690824458013566 0.2483077785222041 0.4170792928493804 0.6496013084161508 0.6964153598559966 0.7648908589331138 0.5799765796479615 0.6110766460668164 0.5518378460384848 0.5661619553057848 0.698663669396582 0.7547862782367585 0.6745276072134857 0.6255395404670502 0.45748785888506494 0.7501989372947354 0.5804494022036333 0.36031449966690976 0.14954162157008916 0.17294477465732422
112 0.10368042149647161 0.1182238680284996 0.06784038400383152 0.07532966636548777 0.1175756120519732 0.19154671287949365 0.4475002851667691 0.7629422835508335 0.7896639920269294 0.6794020912937963 0.6563838954936407 0.6593733044013259 0.5615335756372632 0.5858853350371649 0.652258549770145 0.7189920139876795 0.7006055779737211 0.5857853116905342 0.7056627923061639 0.7261841418402681 0.4389978180398353 0.26576503510026794 0.09312051862213411 0.08453597777570188
113 0.09799502783570763 0.14951863056433157 0.06609964923785716 0.04150716342886507 0.09404333733988213 0.18228344611785952 0.4298942845827029 0.6875500811738401 0.8038013190143495 0.8108274801271265 0.6448010786553006 0.6734057006114751 0.6293428108790294 0.6608552528507677 0.7771498977428752 0.7984614138085204 0.6965634638627554 0.6381474616841919 0.4651794091574518 0.458015288052833 0.37016571892050787 0.3502426143444378 0.16483057599974058 0.1838425453198464
114 0.20960104004694632 0.23890076840914842 0.13982858954005595 0.11647746016672444 0.06528806090577366 0.13807258407799894 0.40221540869094696 0.6909316302168619 0.6272123088513964 0.5430733417702965 0.5810851589769872 0.5607662743706288 0.43464621933611736 0.38968519329755935 0.5500199707236306 0.4784604555811121 0.5450638812585882 0.843443140311398 0.7963089816477167 0.8664577777319352 0.6261250243461947 0.36773335376657157 0.1677542473051543 0.20493562344484503
115 0.6920692239168914 0.6763795195394471 0.5722811665647958 0.5455549987195565 0.515923195744695 0.48682315620979216 0.15472665240187256 0.21508908081784395 0.1726854111792483 0.2543917192950997 0.3625002374019819 0.41747335828788834 0.4945134030697421 0.4050884796965454 0.4687409782608833 0.4789588935750352 0.42678881062484597 0.40794814524926165 0.3232527617044897 0.3571706931825171 0.44994663075195207 0.4237873859055031 0.9014940051495391 0.8499594076146988
116 0.15209936123480808 0.16758814291287238 0.10609317090831849 0.12410945195817602 0.12678313780713235 0.14602018380285509 0.29941087766388064 0.623233835792716 0.8229700577640825 0.6964888582648616 0.6786550771191288 0.6622042817694354 0.5171868006173378 0.6868395930828017 0.8700238851567259 0.8946828872964825 0.8380242625971195 0.705986320967533 0.4936039525776021 0.44322812517180077 0.28031654875723633 0.19038191598994755 0.26007294333595377 0.2082205861920403
117 0.22725116191024966 0.3147301421105262 0.17597487660538202 0.14919420600876765 0.05650772455135478 0.25905202582132647 0.405744827741769 0.5920582678829721 0.3666914765774103 0.3106082909636654 0.4370102510899906 0.535209326240986 0.5744616681512188 0.4249869086449011 0.5147036666208412 0.4541825195359471 0.4498481334849639 0.8954251912461751 0.7578259810199316 0.8069997588754615 0.7184493082448029 0.49347294506577466 0.34709290584560526 0.32957450092553087
118 0.1858944008135346 0.1597043911744288 0.12047195929246624 0.13244093208062568 0.14838005515136232 0.15469619799917433 0.4443215792979967 0.46804817830861756 0.5419694254397561 0.6957936623981298 0.7007782109378364 0.7294405065802617 0.6597749533717968 0.6968782851345822 0.7750173684666116 0.9437376522004131 0.8275811278552909 0.7011402757014443 0.44629466059284445 0.4201309087797358 0.30000151938614167 0.339566839637492 0.19913486193490748 0.19167928329772838
119 0.08437816480344218 0.14089048176860797 0.09452822096236779 0.0668268701544582 0.06996407081233669 0.22897389169499982 0.4585771214911102 0.718150128504149 0.8338583457912561 0.662300807202226 0.5843310388681766 0.5564308512446772 0.5713682501402204 0.5822599350769883 0.7048139820205236 0.7661125528278601 0.7456314614930353 0.8736014755083013 0.6796996707582945 0.6714046961252574 0.45370104851237764 0.2357493728858235 0.03768367040529694 0.04728077419786375
120 0.0859281646730039 0.21347472793480626 0.035557848531133085 0.08841886675121458 0.07615466132152526 0.1863953443221007 0.4177536679841058 0.6635807454525674 0.7330577865406975 0.5570634520884116 0.5485165655275606 0.5351916046878049 0.5388059681871872 0.5649582801280884 0.6431847020821142 0.705100822651209 0.6268367862572025 0.9359731313786704 0.7638278430421779 0.7525246447650014 0.5387588783452057 0.22869341829252404 0.1597254305014255 0.17630172508663694
121 0.07762371329337253 0.17814244626568998 0.14962594376057525 0.1407758967917393 0.12992610830980322 0.14987747899052928 0.3877257677272496 0.7455672972862457 0.7950328482370768 0.7308722129886882 0.7101207392343942 0.7681358090412989 0.669818914193701 0.7271730579639224 0.7685251204332794 0.7590730091633073 0.6879390927349953 0.54220844413342 0.3751625085407047 0.435790767628633 0.5311174498378788 0.3236909511342911 0.09653405187818323 0.09884958912521549
122 0.11353376491369649 0.10072515230856327 0.10874573236426821 0.12326635287469712 0.1070211331849108 0.17664036061305022 0.40532526441696415 0.728141878078036 0.7404241901502747 0.6673286086493622 0.5983885877567443 0.5824790426914777 0.5404911096316959 0.4938382819225223 0.7182917704486022 0.7320948031460563 0.7776197649692855 0.9487761189699196 0.6922146526043156 0.682624262921391 0.4503979774887433 0.21443056662131998 0.04662547906417856 0.09872959360425448
123 0.25392564724993394 0.2971547536913001 0.20670286880747313 0.1945446993608294 0.12216717893585882 0.2193681600814088 0.3832417675455548 0.5532304690911316 0.26911803839413134 0.25479083848913703 0.387869447653825 0.5652520861831034 0.6005176254708023 0.5140265688236799 0.5594337654902745 0.5362098515694872 0.5475740063365897 0.647011516336946 0.7347206302485099 0.8720940073832104 0.7650021137223006 0.4674018730514802 0.3578007146249864 0.31556618826339444
124 0.1035116736721553 0.10923122749607483 0.05252746821595644 0.15476440667480384 0.07942786226300202 0.21869274824727314 0.4173803775891792 0.7029363552591766 0.7642302317343123 0.6906328067025274 0.6297323111110871 0.5873201704808758 0.5012029005795958 0.5481921982387723 0.6917987430596435 0.7038300120995344 0.6956944720863159 0.8197185832898342 0.740249506687542 0.6972188786726127 0.46977031001459524 0.25928209308663863 0.07568346570131557 0.09123348934385317
125 0.22958268362859852 0.2825523837687947 0.12038553707508248 0.13399974282593174 0.08462419461305959 0.15631947068984653 0.3792107615341544 0.8882964564623593 0.8009773536999183 0.7489479249208593 0.7088642776075954 0.6375786816002772 0.4616435974529055 0.44811568492967546 0.5168087144137784 0.4888740623836881 0.4363773824325059 0.3403159101718274 0.37954616343988157 0.8320037796436364 0.6926830140741824 0.39573561464147033 0.24937822012549854 0.20346246086422165
126 0.42036165853595425 0.43296112410081555 0.2740312818117979 0.18659321077597046 0.20519306909769086 0.26203825746423703 0.20276549316182835 0.5630986629964394 0.6864016476662158 0.8947772394313329 0.8550250334441981 0.9007266535420052 0.6789058128901879 0.7231023810455847 0.6249783118818832 0.5425058843127767 0.46986595562619293 0.4296300590672912 0.3712899522462674 0.39848252336777384 0.19757518050443523 0.12001874870046428 0.3758976305877109 0.30577887082516314
127 0.6387972296910546 0.7579573182547643 0.6227255062008289 0.5167081456487228 0.42924183365476665 0.43347493097945705 0.10144525853363229 0.22175813155062163 0.16298238432776369 0.3244223521614192 0.5476793175269197 0.5509646253579823 0.5505283638442098 0.5247103007259387 0.6099524897536723 0.5122096092837171 0.3713867175179834 0.19838918363994668 0.262835582952635 0.34502499743959286 0.4610376203215029 0.5163672895668859 0.831475758427041 0.5970234176871086
128 0.09975244243892706 0.1346453125624092 0.09266363659657795 0.0933339076240115 0.11862824317355103 0.14755119264336491 0.415215160735153 0.6901506861714664 0.7576837416481068 0.6798141452422033 0.6365378345935258 0.7010326472460798 0.6246110194404999 0.6307642206523095 0.7504434778780772 0.7752160681890508 0.7294359067178888 0.6195305894139876 0.4651544701615565 0.6815657529390677 0.5448687146716642 0.2715910835432274 0.10441895887942232 0.0999813781939965
129 0.11643671350854212 0.12985731986281612 0.052419078961335686 0.06920118889595261 0.10758802214978247 0.11420670406921807 0.4007976011483475 0.8232961525030081 0.8586567096507374 0.8191193496608742 0.615214895446512 0.6408112698831867 0.5547164074569564 0.5515187221240584 0.6889263545300162 0.7234592195809055 0.6540867652093301 0.5225869561752311 0.40795887257692587 0.5325768350478597 0.6034603905728723 0.36297998314078683 0.1530188175223704 0.23180933652002308
130 0.1575744633724485 0.13724274845838835 0.10554621948748988 0.07192379513063585 0.07164250324178956 0.15741997438295097 0.3994564732773726 0.5785384666081362 0.7149167946358048 0.6785709764668184 0.689100102288704 0.6824333997949795 0.6694993141767762 0.6673307814728369 0.7358049549003433 0.8034637646715952 0.7785443480175822 0.6674361945645226 0.5018290246172544 0.5192462217021183 0.4246094146537053 0.32038677468213095 0.183740328886224 0.15759879559726925
131 0.25578057786874064 0.31081573403821494 0.18370215733962714 0.19855089096076572 0.1736336730127337 0.31109514290166873 0.2949736475250083 0.59435720318503 0.7851206215062729 0.7177766476360765 0.7420517299228988 0.7021087483926014 0.641354103205004 0.7905280940494783 0.8504380397265006 0.7897844749322029 0.8852719303598204 0.7394281422245994 0.5088461150914368 0.0 0.25094887350073913 0.11050031293372915 0.15301223602320652 0.2691349978502189
132 0.1240267204782346 0.20348035265785885 0.0803387940004795 0.024729154633648998 0.0785298535676181 0.17103201533293133 0.35871438058888294 0.7664571621669083 0.7833353460929581 0.7587151597334253 0.674156873326316 0.6947287577726825 0.5824632993055718 0.5366048160390691 0.7354434827411209 0.7770300665536524 0.7253412694755043 0.5992079303035361 0.4117087428505417 0.47727093872113135 0.5832171292639836 0.33616688238126224 0.14597815111654402 0.17871766146537243
133 0.10521584086787128 0.1575050407236025 0.046990162062373386 0.06032782667404657 0.05879331969389745 0.21787224838570618 0.4472244289088824 0.6525602899111539 0.8129554345357347 0.7337424993425679 0.6474651116323082 0.7303451208442259 0.6102356807260891 0.5931554636077274 0.8056022771900283 0.8389893747023702 0.7949087363389438 0.6136367812096415 0.4472741493001585 0.4231914678517922 0.2694501718297582 0.34987325728581364 0.2688975722736926 0.2030196523526818
134 0.14117399383752383 0.11498360664079432 0.02710287493043706 0.14503229328263278 0.12733678198278364 0.14514210082912993 0.4073028211345994 0.7472611129142569 0.7328524320916089 0.732977040612593 0.6387639721152081 0.615136209115259 0.5158025430705251 0.4771341780824652 0.7014938023044145 0.7157122427340226 0.672094089096567 0.6999933331443515 0.7194950294417678 0.709409368516609 0.5053527544431651 0.25928911800765414 0.0865560974807134 0.1022725169546422
135 0.1410287785084029 0.12938651391936784 0.03027057731278593 0.043715992771020895 0.08276333169316696 0.184989852389291 0.47965363324212495 0.7091018532230675 0.7791059872607147 0.8157319441184543 0.6876886000995786 0.6896257422210299 0.5016930846546338 0.5352382402610959 0.8008936667565836 0.782769646834517 0.7894267632302723 0.6100451976543739 0.4376133365833972 0.42944780831061086 0.4298095914115585 0.37392048016357904 0.21262575442248915 0.13045560914273768
136 0.11834450736731489 0.14212287684366165 0.06916980685232255 0.07015887953451383 0.05534835601076493 0.24100168322039872 0.45305104830038434 0.6197420605081143 0.7857327970494214 0.8061935378373648 0.705786430735784 0.6128189472046752 0.6324419774123623 0.5700155798111128 0.7979729438004246 0.8102923607510761 0.7075566968751913 0.5837282741395772 0.4264921838134479 0.44193746813816875 0.31322065263227206 0.392774173708783 0.32507093864034453 0.16589342251021771
137 0.08438881428494288 0.1370225614604924 0.10910343358834251 0.07158407629809638 0.10607050491968262 0.15545584298084703 0.3924197567017401 0.7502253797817516 0.8368666163264891 0.6959156836350124 0.5921645801704735 0.5578458276105058 0.5398081495286022 0.5095754075695762 0.6698983425097559 0.6815976164609047 0.7229888639804518 0.8054609851503307 0.7235455114704623 0.6960105818352824 0.46745774215666014 0.24867927005680646 0.07464903792758268 0.14791032606721027
138 0.19312536301598746 0.1875196853573745 0.05523347352705765 0.1351400030607256 0.09558512669502406 0.18511394161652428 0.462665171212844 0.4332092622400704 0.6998663421674411 0.6031847697675661 0.6615413216614174 0.7245007808195508 0.6565756556005903 0.6799093098583382 0.8889945555476102 0.9161447185629081 0.7300871248897938 0.5639972328492633 0.4513675827535255 0.40329496438681206 0.20867725609153825 0.4226196812874708 0.2735299991748929 0.2806370820129025
139 0.14250371382799076 0.11781259211252826 0.13300957627962617 0.1634372622375183 0.24668593723567078 0.20003409479414613 0.3010633225160867 0.5967129259816062 0.7499484733536049 0.7261838798874353 0.6393861618498511 0.6779482865982676 0.6556246539328281 0.7644010721915321 0.8448456027998614 0.917416993412081 0.8602251766197573 0.7275584667014661 0.5368735213540196 0.3800639653121357 0.22218044273302412 0.10224119317529448 0.1823280795064456 0.24952335793448716
140 0.08977920301353165 0.11621007341435652 0.060792524266867876 0.10459855453549782 0.09873055437578548 0.19670861058032885 0.4440894275531105 0.7828018361747153 0.9118002164458139 0.672881736297164 0.6106375783483434 0.5741114422549827 0.5422151984290758 0.5232052508216902 0.6807075990894859 0.7223926008781169 0.66220402421591 0.635397216699915 0.713182763293072 0.6990349010317998 0.5441547997378569 0.25658594183855127 0.0332895905605816 0.08917889216976257
141 0.3371282772573211 0.3805143053496671 0.23395706603746025 0.23080521474977267 0.18715456514697548 0.2571281669057215 0.46291795314490947 0.6154712576299748 0.3147773845481079 0.2879704190635884 0.4082243039301479 0.4344400105630703 0.3180636964794467 0.3066811572427626 0.4599639559651807 0.4294651333904024 0.3481739179054874 0.5165898701685937 0.8387071866035296 0.9273515346762472 0.7775089335556815 0.5765916313526899 0.4724838214894175 0.33224994753588505
142 0.25443335592000205 0.26362274897760885 0.14869626537704772 0.20463258354315605 0.13097124803476323 0.2113818940105786 0.4688047853417633 0.5895117270009084 0.7150467129728502 0.7260329792588285 0.7035350944677828 0.692244293822886 0.47295042841976753 0.4155567316131333 0.5370091983627526 0.5262091253555802 0.43246616849506386 0.3880366437015681 0.3276906367370094 0.7770065473838195 0.875698265377334 0.40154673979313316 0.24536365081565825 0.1676129147258738
143 0.4633953243344261 0.5272936160023235 0.43812510558602435 0.22419106559463975 0.14751027403843475 0.4430557674149096 0.3989744808520069 0.40862707547449384 0.5322388449683552 0.8918832611367895 0.8388449556723433 0.9276202399232827 0.7651289688784134 0.4478883435286458 0.548303509862739 0.3942345127465765 0.3216737881853679 0.21325970776742612 0.22296606136408498 0.290212135763638 0.39823503221603723 0.4746836329433529 0.31155534617354785 0.3557918500576033
144 0.19818974538554926 0.256336644133275 0.1802504406302654 0.10031108236864972 0.03497619211680636 0.07377509068485055 0.36353728752020537 0.5887209384449179 0.6928598199787791 0.7310426246272534 0.6665884774532665 0.7209540483153346 0.558131274815708 0.6326804279954792 0.7757246453265874 0.8829070511870482 0.8174312687194114 0.6892463332055321 0.44127123906860255 0.3950114287578745 0.3424812889633547 0.41613540297111906 0.18738297574257817 0.14189167431923377
145 0.09857412019469397 0.13263887892261816 0.0611004520774554 0.07982884157477588 0.0688241799029532 0.20870981155703483 0.43473778027512594 0.8042269830803325 0.8427422854101623 0.755198919585566 0.6872161546390374 0.6844610621847205 0.5742042769496353 0.5502177574923004 0.689234671506255 0.7310289054988541 0.6356738782127614 0.497650115326581 0.4320008968981994 0.6786166223678901 0.5585441869860834 0.2919735521951333 0.1658052621505484 0.12413694232747013
146 0.06885697435436894 0.09024144514600685 0.08274265522725321 0.09205135049803637 0.11541353505686713 0.18733868419049282 0.4404670069556665 0.7340355273459221 0.7442596942978308 0.6701644797495652 0.624976078776329 0.6032410182464465 0.581307556662104 0.5981762025601185 0.7436847984760996 0.7987988456365974 0.7158859257661061 0.7107273525195608 0.6808662857915682 0.6674574148469716 0.47426898431312703 0.24521304263707505 0.10165396703491604 0.06875780121909356
147 0.08096797211322482 0.12543875915116698 0.11496106919632021 0.08258109537530534 0.11440908859833554 0.2392947722490505 0.3972985059871144 0.7341593805688686 0.8869334187590892 0.6836661373530968 0.5622882803610032 0.5982924200655488 0.557181676856888 0.5538393089545156 0.7241519602231772 0.817625496064057 0.7871266019447806 0.8481783496988653 0.6870329766313392 0.6212594223242287 0.4089558875941771 0.20555015754785136 0.0 0.08250417852489908
148 0.17415463397356848 0.1280678620576131 0.06623489945193495 0.05397342218539347 0.09373595035385551 0.21035152512040223 0.4603643253772409 0.6454370804344729 0.8125561030261734 0.7858975581390351 0.7223202840101458 0.7067690278482215 0.6091388492960031 0.5931375996843542 0.8149688166831663 0.817875757818328 0.774360262680882 0.613984393067501 0.4245359988284207 0.40782699784946636 0.3111840053855205 0.34269616199823216 0.17972007819401725 0.14773064796443175
149 0.0860542073617721 0.12333554598952745 0.0758827665937366 0.06544840115361594 0.10511801878809313 0.17880930467544387 0.40720335711970446 0.7168028628482351 0.791549269813182 0.7003115064361749 0.6490455571403503 0.6363216389712091 0.5444207371125204 0.5924488621499335 0.7556396824542352 0.8056384239473164 0.7233598300516246 0.6362369804231148 0.46433271599115933 0.6451480120214281 0.5754482027703236 0.287663542923432 0.17349749818343363 0.09029075494307393
150 0.3683124092761558 0.43770714936610033 0.29426653793612095 0.17578573047232227 0.19385457062618294 0.2794406710800137 0.17127860784017124 0.4388330599565191 0.7796794542582366 0.8259426285720388 0.8752148979291472 0.8602944991460586 0.7101996098624946 0.5512879558470445 0.5460323488192804 0.5752646473678763 0.5199223369978516 0.44272309902270673 0.38109065059182073 0.45634409496146255 0.3765003940894765 0.19321723495465723 0.3630234632864861 0.22477891092289304
151 0.29070940305975324 0.28074212750585903 0.1905000933668599 0.13726891536122643 0.17658995791168575 0.228642967260149 0.38717057542086775 0.5685249249593102 0.6383073708528676 0.6424216624239897 0.6936724541166621 0.7210666651762864 0.5983378437323916 0.41433583153504605 0.5496565982771885 0.4880716329011495 0.4024579044695211 0.3730934856850631 0.31718757945426573 0.4736647932717397 0.8689698081887052 0.5266323639499747 0.39368498380152717 0.31102317237304933
152 0.34822326802354164 0.3539435345585766 0.2030116835858502 0.21518094754877182 0.1165194449911916 0.24085778492668952 0.4789224008144202 0.5024687026768777 0.7786178824582277 0.8380114270255902 0.8080689282120819 0.8493743895844773 0.6117198689809267 0.4674901868328008 0.5703816130365263 0.4557958037582215 0.33641628881337116 0.31901379118071876 0.29245988159159303 0.3833896364600444 0.5531551877660402 0.5621827643465834 0.25085739270523083 0.24669701516175715
153 0.12007731737988592 0.17887261539939053 0.09782327654793965 0.13772916668689827 0.10782606876871359 0.16020311847946922 0.4827169674817918 0.5005323802394608 0.6850926653344316 0.69412268375955 0.6581669654035281 0.6871456096889623 0.6235719628879854 0.7355971902403586 0.884021205239012 0.9244670090223799 0.8686253589402481 0.750733330259994 0.5052100782524309 0.4094375364677856 0.2839919391124292 0.16022551179722386 0.18250247471627568 0.2149936290135267
154 0.4495094368164654 0.5221224697669592 0.38625136527569487 0.390529162208345 0.35817811571567804 0.4839761828990739 0.6223502352493799 0.4825181160681114 0.4577931828043377 0.49429863319568385 0.47572862133603916 0.4937347672654735 0.405164020159132 0.3086951422822725 0.3866337380809439 0.25556160157583246 0.16709433969712867 0.16573490558501158 0.1885043941605115 0.3561450576033429 0.5253557074349721 0.7527485208771246 0.841817461636756 0.7675056926957258
155 0.0425443569666174 0.06940924549741179 0.11748544325775945 0.18751411329814438 0.1904844010468837 0.1809297076019688 0.3492880835171287 0.6134950326475643 0.7461483619950303 0.7447424893160766 0.7457991021053615 0.6637317352730633 0.5995693866587357 0.6277733346134855 0.7389316594764801 0.7845111402866223 0.7671694855367861 0.6229711904026294 0.42263449263382236 0.37648112339854733 0.4519312035834506 0.3887054230688134 0.2370940261522644 0.25359880053287953
156 0.14830653767738308 0.2243960919549713 0.04880858784358899 0.11584240816380864 0.08749202110074705 0.12302744937285204 0.38582758337635265 0.6494717865303412 0.9390734271660683 0.8184037136884716 0.6979343524247008 0.6650187252311603 0.6069607163585723 0.5386658446581369 0.7371865879282083 0.7684457112146196 0.7378678003080843 0.6007503982694617 0.36365167406741583 0.44480347013044164 0.3478312587254073 0.3448840105660784 0.21199992644206814 0.24628297928847193
157 0.6790076705928112 0.651133837989055 0.3379293055973443 0.255251032337954 0.07612871112364072 0.23268383836117046 0.585244813729398 0.28543771145146357 0.5113493688833294 0.7418698802229162 0.7949909857588189 0.8921670734939124 0.8249582079084115 0.5535259579320688 0.3981926857199594 0.4177696339664481 0.4396078714837931 0.31591381068019775 0.27699785507863955 0.3293754857089692 0.24803731810014965 0.2625752058481027 0.5055165206517523 0.3823595552934125
158 0.09893407624306871 0.11241482420202409 0.07568534132236482 0.08106010098566452 0.11486019053708052 0.182127888433672 0.4547388295976988 0.7854464086125912 0.7838722232391955 0.6876356987839181 0.6052215857343484 0.5919658488670547 0.5215431778976714 0.5263799169982382 0.6758905850668779 0.7172190714188473 0.6790951242828598 0.7921824651102016 0.7372560892407505 0.7181152736437056 0.4740229485131261 0.24304035625263212 0.06893941318675947 0.06205435378612309
159 0.13706992310180943 0.14058388977647363 0.06433032951709816 0.07732045185632319 0.04790082901143433 0.139630421413946 0.4933831678012821 0.6919934857582309 0.8528221644242405 0.7736788268649109 0.6901506293335171 0.6798473105388982 0.6542905065671408 0.6455503508609535 0.7751680805367412 0.7866383651979258 0.663257705173417 0.5881031774415366 0.4285260536868323 0.4362360431765384 0.3561556632173984 0.3638005028738571 0.23000087350044046 0.13939909261813926
160 0.2683729554201626 0.3111349236710187 0.1798409639336146 0.020681776338192015 0.11204114802416898 0.08650226717888876 0.38560355114288647 0.7224280020809843 0.7815812578603559 0.6909047994723045 0.5458161205690084 0.736110563862097 0.6300824095238844 0.5221666302543234 0.511673456462501 0.5116052731837785 0.481533082621203 0.4812628875044227 0.7645543107934902 0.7665343520506472 0.5575130468020036 0.327763404601916 0.14205768817098927 0.117387776478444
161 0.43138882139650936 0.4908844089647676 0.43655446242356843 0.3556437454803886 0.38254978643601434 0.3656071954024763 0.5694465643664843 0.4578789199030647 0.3174607109321238 0.3902148278333383 0.4449604348649854 0.5770548501865072 0.3080197189467218 0.2509719467761923 0.3723171063147215 0.30523407816082804 0.2587863389051622 0.1603504532650556 0.264742267301223 0.8740985743368406 0.9517250493362919 0.6273091124408708 0.5785067788231554 0.4639707976462808
162 0.0891271188224475 0.10046257795500324 0.11808027725848991 0.0917625866341577 0.1163807642570005 0.1865258581114343 0.4574615586185124 0.8034454275354955 0.7162903865515452 0.6262025740674133 0.5546384954337513 0.5327676874374447 0.5002724420807966 0.4808250743083208 0.6714634708659909 0.6831052882261073 0.7236005610706274 0.8988739170177384 0.7883372911480687 0.757222666234497 0.4993674820857159 0.24982979683928425 0.06363741069304879 0.06350175926601193
163 0.14133934669290538 0.14405658998515725 0.07894458229532708 0.10128116900295014 0.08242789691820285 0.20478476103387688 0.47200399711947905 0.7036729284007736 0.8292370496927045 0.6206193088774437 0.6413752077189759 0.6543386600456522 0.548509184233657 0.504060926432831 0.6693007801463995 0.6280845815064371 0.5710024286369845 0.7275073795935805 0.7896853721770298 0.7248339069374582 0.5311424153385786 0.23705000229784345 0.07295206127956441 0.08010080114038645
164 0.13985737127984216 0.10861300445553856 0.07084375070254545 0.1246639014265849 0.14022090540450183 0.1465975615782752 0.39560533929957237 0.7164234558133681 0.7930628226771482 0.7369538799598273 0.6438081073676789 0.627066097900287 0.5468164003737965 0.5872485936396563 0.7422778776205303 0.7568055888596955 0.6954834784284839 0.6805460150003775 0.6827109664630715 0.6852230804838841 0.4575623382930407 0.19771200487483234 0.04884737382455513 0.10890911149121271
165 0.09032761557430202 0.10444733520501337 0.0778951140429166 0.11298110387541682 0.06839675077752083 0.19355712492339427 0.44512835218016233 0.7944398317633659 0.8080084951168333 0.6865125382047059 0.5695665182561194 0.5453521559049566 0.5014525825225447 0.5143142727664287 0.6815787710969939 0.7220110959139708 0.690268755370855 0.9040056301285753 0.7236874306253152 0.6818219152025808 0.48239607174786225 0.25734644739516677 0.08500903383350306 0.05679055493594737
166 0.10534499263345343 0.14941597214350422 0.054430647831980705 0.1078046617284143 0.07986643858660192 0.21374202828214195 0.5057539684060284 0.48389965595251055 0.5539838087789372 0.6431266331518615 0.6389845956215667 0.6940751794394586 0.5991493434686169 0.669808036634484 0.8181107024133932 0.8685580006464206 0.8035548633716298 0.6988096441388031 0.51030268159111 0.4261301188997844 0.3084071029326715 0.44374355159282663 0.2876513315316479 0.2164023309913516
167 0.09574103648687471 0.1567415742965249 0.10362012741743598 0.10363063862856192 0.10858947204966662 0.18165711079976776 0.39240318627027077 0.71774148044857 0.9275970955243005 0.6984012469393553 0.6162945934538125 0.5999251083902355 0.5632100274549872 0.581154066315766 0.7242934325101074 0.7510554922604332 0.7378614494719323 0.8495364650279278 0.6627702350685687 0.6206440737523662 0.39132277728949716 0.19237581216224203 0.04347882559922493 0.09180940831071854
168 0.41244075488849613 0.35154827844471304 0.27469691084645964 0.1592757493822139 0.09794617518430226 0.1046363670338647 0.39767627039853776 0.5837154687904503 0.6788840010610421 0.7617880276649085 0.6955271894265895 0.6393531656376057 0.5214837765002145 0.3910946590057049 0.4869679571084612 0.39611957391250163 0.36543443924562713 0.33434810798263626 0.3486003831314041 0.6792051773949721 0.8323649377831963 0.46422920670411283 0.33792505172646997 0.26802230226106544
169 0.22968530103171675 0.21836686113059967 0.14339670374039837 0.15998369212505237 0.16356559554527994 0.23781331581807352 0.2223596555396703 0.5596686378080084 0.708865273921754 0.689085513930648 0.6281317562586921 0.7292095907834882 0.682636782134056 0.6635707702444132 0.846836659789195 0.871617494965035 0.8850481492075745 0.771273163266952 0.5356661854854844 0.4753672078754337 0.275169144781035 0.08523853272348558 0.11321897736569203 0.20910491185809815
170 0.049748659728803435 0.09483785490240026 0.05860466297080069 0.103765052351946 0.11829520564550455 0.19420600569552304 0.417852469181742 0.7034356514876215 0.8295021619157064 0.6625383847183266 0.57739095656303 0.6013770648171048 0.5500397617268685 0.5868435248691518 0.7789652931330734 0.8189062904623114 0.7993249919391583 0.7821180901047732 0.6633522679626851 0.6053174194610875 0.4452736723106032 0.22223971070046422 0.06925593490316606 0.14232339029282987
171 0.21454014806281463 0.24664970069117326 0.16028579615960303 0.08510136696985826 0.09871449282143663 0.0141516446797183 0.4439815126181661 0.6896974856534919 0.8824352188018021 0.6856316393324771 0.6277769049476394 0.6886945339836981 0.5569380553715941 0.4884383366803299 0.5614256492300892 0.5631735837824879 0.5630810425052024 0.6309004893767927 0.7299236890205494 0.7311776042500708 0.5467718026388095 0.27669018330519835 0.13533887461687566 0.07409041407734993
172 0.1438444764016245 0.14135694029096246 0.10746324667888651 0.027626161674745853 0.07373242310467187 0.10397237664346293 0.39882936529841373 0.7809753415586237 0.7838557397972155 0.7110889392742654 0.623252095581948 0.650639023838167 0.5548334277643245 0.5322699569677616 0.7101093609744795 0.7165615796557426 0.6987105614147742 0.6091409367557352 0.5489861753099715 0.7369102767708926 0.5292269588193627 0.2707087280813879 0.11176023767922788 0.16302984925792496
173 0.12015617000046064 0.2177548134041169 0.12474557687101218 0.18003087345556323 0.15919265758029177 0.20425413979374218 0.2771286184669961 0.5883982684716254 0.6545512732505516 0.6959902822782463 0.6251180027498494 0.7226838209438485 0.6793910505622868 0.6959736870727145 0.905120599045803 0.8835122719667253 0.8833661645815756 0.7441414707723044 0.49041515730116536 0.446742142849428 0.26740628397288996 0.12130430178093171 0.16362485261192355 0.2558781893125892
174 0.3168567926699261 0.3687344738710235 0.2558613164770339 0.20129040601912995 0.16111596878239132 0.18702269091385626 0.43356852920456734 0.5491293831548683 0.27662912764031683 0.3418132546216994 0.3380947343764566 0.46211108642668747 0.5029916045505035 0.28838452017516186 0.4802745059242656 0.4373094749277656 0.40071122070022436 0.8106939896077225 0.8023595141246289 0.8725162444764577 0.7743157037075402 0.515406256482748 0.40694879521060434 0.33659579728513855
175 0.07324899206052565 0.12731699327120483 0.08954815458882581 0.10800334040666748 0.12274173909086716 0.1666048971789733 0.4455592662505238 0.7517070139293571 0.7295960306685243 0.6507161643955889 0.5457311110052773 0.5652178074363455 0.5029440344141305 0.641427001216786 0.7290521111509128 0.7416549463703258 0.7279901259945818 0.9714356493808509 0.6798157620357574 0.6827235188526708 0.48969710153874974 0.2536233810991133 0.045680366105569636 0.040094700682265505
176 0.12246471313959822 0.155157334527952 0.1359664507172509 0.15894334247342845 0.1305634763340563 0.21625664947754264 0.3068990970709754 0.6260785564106495 0.7585407323224619 0.6825075162875316 0.6950698466629391 0.6963089800535884 0.6529615729775243 0.7197457153796232 0.8076316042196166 0.8439543416065844 0.8695904285690134 0.7924381154016009 0.48426332587656806 0.44605130177210034 0.30590365265128167 0.16945536729870453 0.15444967899463724 0.15713864350430345
177 0.36224007849811435 0.44749218149662984 0.32574635893924736 0.24761726968996822 0.2934991353205282 0.3228424547020411 0.42156109744890546 0.26714499691178917 0.3035479867318885 0.3640456760485589 0.5205699766081983 0.6763091477213714 0.639020515072503 0.7507849428034223 0.554252349754042 0.5083437474097463 0.38565697125705967 0.33597874356352553 0.3046920565658691 0.44050301937029157 0.5313239554643577 0.716864119453698 0.6464382644489918 0.5026232757866707
178 0.37894436871678355 0.29993957331692245 0.23081622461456852 0.33405523347229604 0.31261550141663064 0.41158219460572654 0.30314978839455453 0.4426311851138573 0.6802888119379104 0.7470073536764258 0.6289969545928935 0.6662541573459679 0.9999999999999999 0.8106648139499665 0.6398424060885983 0.5290848198319482 0.6106889378475421 0.3979803519603467 0.2552853396808641 0.19382729863869688 0.0 0.5155453514119315 0.35985785897541056 0.4286094676343469
179 0.11341258239098223 0.1622541042434016 0.11633859707572303 0.06844166281600572 0.11069413498109304 0.15627568848886675 0.36344080618297486 0.7177637415498846 0.8010078417114982 0.678714018494192 0.6157659990626397 0.6666231196174566 0.5598011982727963 0.5159008160510166 0.6897518773569111 0.7809958944647956 0.7118463004963351 0.7691147866467797 0.6834697358324702 0.6578183199013108 0.4594469085700116 0.24849425558546917 0.06252957984628811 0.1126969899474641
180 0.7464800872742877 0.7692491393650063 0.722081609239525 0.6203455678002986 0.551195028337631 0.554523644968764 0.2645685213957515 0.15535400264990828 0.13412695385992196 0.24788110044728595 0.4544493972555048 0.41327886924847107 0.4144914432688023 0.4150934040507279 0.5129320069092435 0.3932790364425486 0.31790137005558444 0.2316772186240927 0.29917855106815383 0.39940820951781025 0.42546748295362286 0.3243415588564008 0.8894080498025914 0.8927647323480907
181 0.13395984566542696 0.14579096398900193 0.06859060003504436 0.09488203610570822 0.10897572845928682 0.17279085818125683 0.4596341078884637 0.6326056888400752 0.7960081679904268 0.7613559594463657 0.7366665219842097 0.7314607636429179 0.6388223915818104 0.6641008577583953 0.7683563305264549 0.8543086332673127 0.7072420515638119 0.6247826948661775 0.44570604494426347 0.4123872140231891 0.2897871325521035 0.33075101915105454 0.18517127746656803 0.17193369901645872
182 0.4816202814443541 0.45305972114109627 0.2995473024624256 0.1481263795186618 0.19652869956291752 0.32831749031857904 0.12380096616800507 0.41799037509461473 0.5786730214784757 0.7991128607015701 0.8923827334549025 0.8149467910947914 0.6608811205804028 0.5683076077998026 0.6388849044819968 0.6096437124574088 0.5531689857088165 0.5222738358701268 0.3865658157376167 0.4212837778821736 0.303864482061787 0.10581486978543697 0.43145597521484846 0.3358144956445373
183 0.18042242562096572 0.2669357802661219 0.1670058743333369 0.16924190145891738 0.16803562201043631 0.21183208925108754 0.4715829010297633 0.5176224708055288 0.6327899729824097 0.7532252880187029 0.7337182686648955 0.7841288471023514 0.6976989355808778 0.7560252471805516 0.85315703094008 0.9140797706679378 0.8475771860457713 0.728952994420362 0.45062041077192894 0.37399015764072363 0.14871316284151037 0.052917602738014116 0.16979139793219938 0.17356010846698589
184 0.16774650503136182 0.13832579973836923 0.07711725847371165 0.046137210648468874 0.11355189303172608 0.1422474786828346 0.3714405133834508 0.7643992610323023 0.8397667487025116 0.7312272436877526 0.583229369540194 0.5887587833466769 0.4934229217515373 0.4960071833650456 0.6515183627899171 0.679366515172518 0.6445309774477518 0.6327534529015043 0.7242155939465897 0.7470607759209138 0.5203726743125167 0.257722530759673 0.10984477824582238 0.16497374868161205
185 0.10770764085645701 0.11188888505470496 0.05365713005747064 0.1070101183886143 0.05891408100737827 0.16976042793056367 0.4211346988211195 0.7401751733829125 0.7798465133070953 0.6947510621596387 0.613014246311911 0.6319997224166702 0.6352325062271759 0.5782363878986108 0.7208759707745445 0.7423859636169106 0.6815388230475964 0.6400399157103285 0.5809528360149827 0.7070935935853023 0.5013609623829814 0.2900431546646327 0.07852482471314219 0.1344955079598809
186 0.33899320069916344 0.2387997896737435 0.1110995977265451 0.2597569482269527 0.18360268425131188 0.22870536879388237 0.46158602186340014 0.5490583130507164 0.6938908507998495 0.8097560779215539 0.728711414316256 0.7173490512565069 0.5423231948932444 0.4176038668673592 0.43695926388909617 0.45035221679554543 0.3991244127943946 0.3822820544280759 0.3896995129399008 0.8665278264420091 0.7107846359954451 0.3933763161947259 0.18657141398428229 0.1845539298270466
187 0.08539286741327629 0.09119614869869708 0.05620458341119694 0.07825620672362255 0.09153300029880196 0.1962744767450706 0.43796632171654265 0.8749663940080176 0.9198617001081382 0.7242210103459065 0.6448624411196535 0.6414841765858461 0.586452952054494 0.5553143606787591 0.6800635629424391 0.7006857549234562 0.6412121828089903 0.5590383592834843 0.45402229442250686 0.7023315315499286 0.5289008436722891 0.2940208799465336 0.11638947061759868 0.12702822503721517
188 0.39247256275448195 0.3993463454775495 0.27889194760572433 0.3160590467547826 0.3644243822845311 0.3226768437679005 0.48554862637647733 0.6505050465926767 0.2812866957860017 0.364287840974739 0.4787980065598667 0.5699424526909049 0.5914179151450815 0.44604991030845736 0.4566736733965413 0.32061339510953024 0.24014390994720314 0.11823947670003149 0.2428515814778296 0.8460637052905946 0.8943054518644942 0.6049190393156983 0.49300187742102985 0.4946212047126564
189 0.159514259280496 0.22146513969758397 0.2032279615803192 0.1999722603892583 0.19376725090720437 0.30084023308251817 0.35425304047222256 0.6136223253972658 0.6464310805680135 0.7642548542057199 0.7152367881504158 0.8721571810947122 0.7480476581021334 0.7525798937406737 0.8460281470437281 0.8598927317774387 0.7769439373072919 0.669763962767544 0.4687040758537255 0.41057703050355643 0.1211940129320942 0.0739349196983593 0.14094916832353485 0.14663483303804303
190 0.13966694925911594 0.126669128723211 0.050233330949863486 0.08630046534111013 0.08193502295191624 0.19616638943640197 0.41630354810014103 0.6076504395039392 0.7092053455505724 0.6777122597547209 0.6622977805780063 0.7177552264609569 0.6926089087078727 0.6536396925348819 0.7911547872585376 0.7928873878902774 0.8078665661861402 0.7049887741986101 0.47979839027251037 0.4079163885295289 0.2957762321989918 0.357645925526401 0.18253164140411443 0.2642173045693114
191 0.09124121958290982 0.126504321941748 0.06363622675315694 0.024167850236720745 0.10454897230099558 0.18043471888681606 0.4888450651608398 0.8436927239363404 0.8466405558775971 0.7828110634704379 0.7384431370428233 0.670176046514769 0.6458235124768223 0.585201508645665 0.7899947187344448 0.7710096073890048 0.6892396624479092 0.5958309674824473 0.3956528093284122 0.3939616032354238 0.37064607202018124 0.3318998960849197 0.1913755841382966 0.15708558842937104
192 0.034378170163919475 0.11971700956415343 0.01884471486083561 0.11642404884867763 0.12209777863759042 0.18505766721146066 0.43330663353519366 0.76749488050146 0.8148631916689548 0.656355697944635 0.5843831328281364 0.5792067730332452 0.5368522727128406 0.5668364620137887 0.7004986649676177 0.7539029074913636 0.6994630067656145 0.8887567607499827 0.6796304386298104 0.6495357805650703 0.4441492584859774 0.27565357073077185 0.11571188108198877 0.09693011604790822
193 0.1654516132409935 0.23155165066021144 0.05694651314228738 0.12342944304905401 0.13892579275719497 0.11815239647245745 0.3473429634190948 0.5333389495459351 0.7093638450742898 0.6625566182216804 0.6563905158539216 0.675824168658886 0.6418610426629704 0.7033043289656998 0.8277177299937444 0.8819010788056514 0.8654378399467423 0.6843543548788737 0.5206481804361007 0.491665905229895 0.34806669604666285 0.2632369295185569 0.113995617253884 0.19386978376029684
194 0.14815596187099667 0.31402697144986813 0.09982261061303477 0.13399797196939756 0.12857717746919317 0.15631762660257698 0.4221660839018528 0.4889392586232214 0.6063483709782943 0.7201902834473584 0.6625799320577251 0.7040552782050978 0.7197365421020551 0.7013785865380289 0.8868020839707267 0.8932513368148706 0.85813206117503 0.6395268851810927 0.504454906337383 0.4196576675779944 0.150857806522324 0.2363171522352791 0.22551130384579737 0.22198041987576184
195 0.07976919071409527 0.09183536780701573 0.07652481582133874 0.11281110164813624 0.10922839828441622 0.19872366258574625 0.4337863889523111 0.767350314468568 0.8478595042933221 0.6725782316978112 0.6013087045448648 0.6639311667861298 0.5778576857041758 0.5427180688903537 0.7094946510958487 0.741549716627373 0.7272352132580743 0.7601892413461875 0.703513946450022 0.6213059073011419 0.4346012106493373 0.24039712707157906 0.09108142016169676 0.05045919342453262
196 0.18881321642108592 0.20371723770495587 0.1435509179030784 0.15675250731863588 0.158990210078089 0.180013136742328 0.32590326923634994 0.5881629887030408 0.6897361441627428 0.6907517309537023 0.6735052229884232 0.7047767619904588 0.6428951973747344 0.7489389561879812 0.8508032543150739 0.9547368781638808 0.8975606695806706 0.7866671572556149 0.45780804070795494 0.42378757212942064 0.23002453365551534 0.11459691690027578 0.14045944792352488 0.18814662076381272
197 0.33765882156053995 0.22986089907484158 0.15423307101585826 0.07747600160930879 0.06748597674229995 0.14357076001543512 0.47260641515554863 0.6679923369361216 0.842499758468845 0.7548138868374583 0.7982851942800584 0.820702360343216 0.5895401759212714 0.4906824848740388 0.5072861927911 0.529416875635971 0.49221649873787326 0.39899677900676356 0.3483948565392228 0.4123348294306963 0.5090199949942502 0.4864327946784156 0.3708740303479701 0.20831327498384053
198 0.3325900748690712 0.26292486438578067 0.18651749732214173 0.16467389134241384 0.14085665528708535 0.41394625499857335 0.5110826877579537 0.5734745552585997 0.886189227371497 0.9100664771853384 0.8787397432516703 0.85098553725648 0.6297788073326813 0.5546165332219145 0.6015762800556721 0.44092055458359714 0.3160040899384819 0.32435318137865615 0.24822336069120504 0.37307488220093954 0.3528457930039182 0.4632769529048997 0.2922704212183661 0.21392939323817448
199 0.05532441376123148 0.09195032745343801 0.03424850188629425 0.08707392977571304 0.11204732093498204 0.18571219921877036 0.48056179645184394 0.7155675684137506 0.7601107060167529 0.696384954394369 0.6230886968147668 0.6333443714623844 0.5850808377040856 0.6016300858798065 0.7449180452373865 0.7777280039885688 0.6753934021163218 0.5954205883955861 0.4608460699429654 0.7160124579043543 0.5533759066860211 0.33508137157872536 0.1505328860817504 0.12209713228565028
200 0.24164481170305113 0.2526898494707916 0.14696559651927565 0.11024033208015727 0.12508864382333074 0.26659981552881207 0.5402329143989946 0.6377815008049199 0.8234374841097925 0.7857463865241788 0.703048911759659 0.6136892827218815 0.5321279008787195 0.445343962233713 0.48697718631982645 0.47370988623562116 0.366056113156109 0.3760773927449912 0.2975320574272456 0.8441652359122128 0.7347053102867385 0.4444049841135256 0.2178216737962208 0.1914945667138238
201 0.333193070489597 0.4114386725485627 0.2897775877798985 0.2274040848404798 0.18393608136639605 0.25358638910119446 0.4598873869334733 0.5542218395504948 0.23559645906852023 0.2698362902385062 0.3875539667978174 0.47747371691064655 0.5505861387217813 0.3409607970637052 0.4404019605931915 0.3932117009439482 0.26740489558495883 0.7316823726714086 0.7724396288460227 0.8707110576143173 0.8082667466593401 0.5495800411139289 0.3832559789411384 0.36508440265720127
202 0.7566525577713823 0.9081917541723077 0.6640568621485967 0.6902771350488897 0.5501338869894952 0.5990029704230562 0.6922173468100377 0.3545237029085667 0.21600218056021664 0.1951927116777149 0.2618690258748092 0.35996123614004544 0.3563996951144177 0.2597553248492718 0.4040750446311129 0.2848277835274872 0.3047425984652089 0.09987897056113165 0.17650288393408087 0.24680768718781307 0.21828856977477953 0.7291776339295593 0.8506448780329641 0.8733819449727822
203 0.1319352648752976 0.1474847785301424 0.08675761789392589 0.04747152248476527 0.059235731612565456 0.149704670167369 0.37141822615312453 0.702678421012317 0.7492829702738708 0.7038290240906387 0.6348505530214517 0.67284298890179 0.5752076391890493 0.6138256025577462 0.7717357442302839 0.7828905179371117 0.8110499657183581 0.6527832261148323 0.4510011958642659 0.4756395539262024 0.5521945342735916 0.3329434514612 0.18298108036760571 0.1651727227225343
204 0.01954154839815897 0.08584714106796021 0.05334909102137808 0.09795047348419395 0.09384916033954549 0.1916181563895163 0.509948731706425 0.7513696326664101 0.7430223344282745 0.635163469938663 0.592764550320924 0.575571130029626 0.5217774190422565 0.5696741692177086 0.709922556661966 0.7483985688222485 0.7004890315481219 0.8395026086637817 0.7374221591380976 0.6787179967777592 0.4777954447395757 0.2594557900444163 0.07574701588294802 0.1349235118292243
205 0.10691300370662704 0.11814833158699567 0.09288580954281189 0.09967311702111303 0.08401870997281236 0.18009540682922331 0.4366283422275471 0.7480774810592524 0.8175906504561125 0.7219506488359262 0.6417618367593767 0.6573212836086577 0.5858441434332969 0.49754495986203306 0.7044467059242571 0.701903473597651 0.6853264102353509 0.669250037438427 0.6987535332200844 0.6730336325146038 0.46096479695739234 0.23860243518849678 0.08550058955230559 0.08542401116853102
206 0.25831569051363124 0.283029068611222 0.21616710264052275 0.09966391999201629 0.15970165303210015 0.19618054726769696 0.2639102195795514 0.5335153639827243 0.7051626966572088 0.759552197545569 0.6750515322637672 0.7180933564901171 0.6538645366059329 0.6585726914777799 0.8270386799314149 0.9207880281166417 0.8540644793528739 0.7962457633015223 0.46963844963235196 0.4175888864126999 0.21222494861340974 0.0689336686502575 0.12260733650842275 0.25943813559388806
207 0.6720287758996373 0.6958578614749105 0.3217693241697791 0.38241007062118737 0.3815126175570559 0.4439050588325557 0.2878065216537117 0.2219445720566029 0.27643435606946604 0.37355993551920896 0.5640461308359459 0.5705162723912174 0.5486642606501235 0.47623819606080964 0.4756377575346414 0.504929790484764 0.45190424887244773 0.29371970744482095 0.24510102188500038 0.38994867191188065 0.32639587279689114 0.42155029570214286 0.8468287699589407 0.7946449919467473
208 0.2687982824887895 0.22847807334944176 0.17473309945482962 0.21301250516047587 0.19437657114251994 0.2577237476070924 0.5325594375680722 0.616554698471214 0.892744594786995 0.8845772395784397 0.7288703029629962 0.6738612912375419 0.6335428417205202 0.48596438433409744 0.4637918163092195 0.3780555451526338 0.3567996300037187 0.3038856362714362 0.35481134404315906 0.8094360439822548 0.6433778895195249 0.37730181876623514 0.17041544503637604 0.11600210224168198
209 0.3331313847974649 0.3799529198996803 0.1291649554738583 0.14766527132692508 0.06755645580168146 0.1129032912897795 0.45929963372925425 0.5716425886681251 0.7386168379419172 0.7449595105895426 0.6995517891958121 0.5952245886666825 0.4284773530166897 0.40550274608997633 0.47187902641525037 0.45786719123423586 0.4202531351031398 0.48236304992372486 0.7407124630040814 0.8409733138030444 0.6635033509113182 0.3360696532937951 0.17841526694875162 0.156366683409074
210 0.12048005003683898 0.14795978368714713 0.13287710670317332 0.0922592262053864 0.13143589441859338 0.2379769636915725 0.3282487723847629 0.5434192644121164 0.7124737705640473 0.6745438498141556 0.6190043482940097 0.6354135782028156 0.6165676557964858 0.6820390226779636 0.8654304865737492 0.9174924934785513 0.8779551663580075 0.7529846467611633 0.5418685154417836 0.5015196871430818 0.289171528061785 0.1722843129299517 0.24265199573073631 0.1881663544500995
211 0.05689110258334612 0.0994877675797543 0.08170364217231252 0.1075221815490115 0.09254979257895957 0.1680363253069287 0.43377367114615833 0.7622910984260827 0.7594094181895841 0.6672658946887815 0.5695801727491985 0.553232728006062 0.501849876715363 0.5437728732532522 0.7172536057461047 0.7299953777008966 0.7191541175431636 0.7777897163966375 0.7124054448117296 0.7161838810242975 0.500152797297387 0.30227723004960505 0.10540430125167048 0.08729279301087814
212 0.2880851456779383 0.20010072678259144 0.1037021006146196 0.08324716592977144 0.10991281227942995 0.16869870955680533 0.22474931888794925 0.5397892423424585 0.745495994820216 0.713395690366311 0.6347921283419734 0.6217057123016455 0.6018528200479226 0.6196109289185586 0.7568288235227203 0.8055258949031974 0.7802425315668741 0.7224784133704387 0.5333336262728952 0.5060463809978165 0.5423800354984472 0.25649074333399197 0.14442180803944638 0.1615210539784609
213 0.049566046136627184 0.07153557903486807 0.05304305404437559 0.13323536117161694 0.08347057946507208 0.1928122326398778 0.4570453093800015 0.7433830616278669 0.8598906160485164 0.708786562674532 0.6143069544112474 0.627822931643242 0.5350639698016307 0.5298532438486714 0.7265310881068935 0.7459378834351743 0.7118721973180763 0.6987723966024139 0.6775089300724644 0.6476904815263631 0.4599693569122444 0.2565996557385572 0.08021742659995154 0.13743183495354133
214 0.05079538225616981 0.12510529219227118 0.06432404527606583 0.08674672118772153 0.10044069039572545 0.17213495798016654 0.4884957604654651 0.8265726976357621 0.7595864139149064 0.6691717409809678 0.5784493452856766 0.5839032640725665 0.46676624384799487 0.5172050978582563 0.7215271746252633 0.7764118889597469 0.7457135717969323 0.736408395446762 0.7069851796285268 0.7416136465305971 0.49229217837012207 0.2524224854089927 0.06327374414954325 0.05398507961719451
215 0.2176304453380876 0.3969041322756222 0.22862052192039906 0.1797633027456902 0.1232129779037211 0.14828073736186398 0.38663982450090323 0.6358524003650297 0.7123389898234873 0.7608093027566385 0.7280480955933682 0.6760002664054775 0.5538216432712576 0.44724145840955537 0.44124631185701835 0.4949641200521608 0.455658748954794 0.47340394217092097 0.4819061295523647 0.9059655975052517 0.6669237123520337 0.36284136599581684 0.17030028089935217 0.07711873822074466
216 0.11004963337373108 0.14654035070003724 0.09034575268516787 0.10639957275515521 0.09427371276867658 0.1408712541995928 0.4261707015011382 0.723630323456929 0.7579977533365199 0.7374907811445753 0.6884574308144422 0.7331830843699627 0.6081907441705026 0.6116019174595411 0.7696565815736902 0.8199084024230305 0.7948647310519585 0.6630969878124915 0.47604723489428086 0.430634568729332 0.4839757326197334 0.2911244699245438 0.10103850733534697 0.10473427243150621
217 0.1094275142505608 0.19001801981342104 0.09980114409057017 0.032107057074649115 0.08588652490876658 0.11389267385322355 0.39230218949046486 0.5604922481237079 0.6352288338197856 0.6214232282986758 0.6012365426178039 0.58514989732677 0.5741663099649141 0.6987969049690111 0.7640422398063307 0.8752714940679975 0.8253590646900462 0.7398407523458312 0.5510243302630138 0.5796135019878448 0.38837711174139966 0.3524915595685979 0.27939403750051117 0.18351847599209709
218 0.5779029405541296 0.5775381819050405 0.39492815033973344 0.28498097157529634 0.24806303572756427 0.34349647006748196 0.06456478062084725 0.3267112659308339 0.6117844162827593 0.80781233226677 0.8099694681397024 0.9403095706167799 0.6540956806784076 0.45840876556871796 0.4770893655339002 0.552702907510222 0.5845284813116777 0.41297641054582984 0.39588731681158684 0.3767179000093039 0.2605523118949665 0.17803383541262535 0.4284998561506892 0.3420019255665315
219 0.34220596254463 0.2582482002479462 0.21935221181440379 0.1784299620242673 0.1344491738630147 0.1820142093765087 0.4499712679074841 0.5838746351605208 0.6202331337099524 0.7347990360167436 0.6772141143267534 0.7205275666793814 0.5043272224684159 0.4517480279822564 0.48165226966076796 0.48346815889526995 0.40146894411083967 0.33705937548408677 0.43106470342821135 0.9470854752975151 0.7028892129465147 0.3999497311284269 0.2229735939123068 0.174973570955866
220 0.3064286274072697 0.2555453640916998 0.2087163841244556 0.11707378182350581 0.17698406530496147 0.22748250098744183 0.41565759125538565 0.8163077710882176 0.6503145466587342 0.7319853857889932 0.7073461048634448 0.6501698800663033 0.5517816976807988 0.34562688768466004 0.48549995219416514 0.5218322763471935 0.3721773751633732 0.2853726204407799 0.25553145084109663 0.5080650479892703 0.8484009763706895 0.591824586542712 0.29696770492235647 0.2817439063050879
221 0.25425529873350144 0.2551188722019003 0.14445101030227636 0.1486425556361708 0.07510089150766142 0.171567811914758 0.44919357613254707 0.7614144629134592 0.6795613370486757 0.7791283603407906 0.7458379553447596 0.6714882332147083 0.5006239040625988 0.3713061061101539 0.4813829680391035 0.5079440524317897 0.4289637199044388 0.4272734783080943 0.6988511424709994 0.8125125958312022 0.6204156374619969 0.3458317702075324 0.15536675525074176 0.11300911312839074

@ -1,13 +1,9 @@
{
"name": "stroke",
"preprocessed_name": "stroke_preprocessed.csv",
"classifier": {
"dt": {
"preprocessing": [
"std",
"onehot"
],
"test_set_ratio": "0.3",
"rf": {
"preprocessing": "[\"std\",\"onehot\"]",
"test_set_ratio": "0.2",
"explainability": {
"technique": "dice"
},

10093
base/pipelines/stroke/stroke.csv Executable file → Normal file

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

@ -1,7 +0,0 @@
age,hypertension,heart_disease,avg_glucose_level,bmi,gender_Female,gender_Male,gender_Other,ever_married_No,ever_married_Yes,work_type_Govt_job,work_type_Never_worked,work_type_Private,work_type_Self-employed,work_type_children,Residence_type_Rural,Residence_type_Urban,smoking_status_Unknown,smoking_status_formerly smoked,smoking_status_never smoked,smoking_status_smokes,stroke
0.3391861,1.0,0.0,0.5387100724827014,-1.1423846541919351,1.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
1.5379353389188812,1.0,0.0,-1.0008157,-1.1423846541919351,1.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
1.5379353389188812,1.0,0.0,0.5387100724827014,4.5,1.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
0.8089252,1.0,0.0,0.5387100724827014,-1.1423846541919351,1.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
1.5379353389188812,1.0,0.0,2.36068705,5.9,1.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
-0.3085493,1.0,0.0,0.5387100724827014,-1.1423846541919351,1.0,0.0,0.0,1.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,0.0,0.0,1.0,0.0,0
1 age hypertension heart_disease avg_glucose_level bmi gender_Female gender_Male gender_Other ever_married_No ever_married_Yes work_type_Govt_job work_type_Never_worked work_type_Private work_type_Self-employed work_type_children Residence_type_Rural Residence_type_Urban smoking_status_Unknown smoking_status_formerly smoked smoking_status_never smoked smoking_status_smokes stroke
2 0.3391861 1.0 0.0 0.5387100724827014 -1.1423846541919351 1.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0
3 1.5379353389188812 1.0 0.0 -1.0008157 -1.1423846541919351 1.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0
4 1.5379353389188812 1.0 0.0 0.5387100724827014 4.5 1.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0
5 0.8089252 1.0 0.0 0.5387100724827014 -1.1423846541919351 1.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0
6 1.5379353389188812 1.0 0.0 2.36068705 5.9 1.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0
7 -0.3085493 1.0 0.0 0.5387100724827014 -1.1423846541919351 1.0 0.0 0.0 1.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1.0 0.0 0.0 1.0 0.0 0

@ -1,11 +0,0 @@
feature,importance
gender,0.03534413042961699
age,0.4153170313132725
hypertension,0.055058068443063615
heart_disease,0.03941524990242443
ever_married,0.013413876504697674
work_type,0.057292013488553076
Residence_type,0.029453837498799915
avg_glucose_level,0.14570517147476392
bmi,0.11927431943421114
smoking_status,0.08972630151059674
1 feature importance
2 gender 0.03534413042961699
3 age 0.4153170313132725
4 hypertension 0.055058068443063615
5 heart_disease 0.03941524990242443
6 ever_married 0.013413876504697674
7 work_type 0.057292013488553076
8 Residence_type 0.029453837498799915
9 avg_glucose_level 0.14570517147476392
10 bmi 0.11927431943421114
11 smoking_status 0.08972630151059674

Some files were not shown because too many files have changed in this diff Show More