From 1307f3f40eddf8205031f7a5fb013911584ea143 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Mon, 27 Nov 2023 21:58:17 +0100 Subject: [PATCH 01/20] Rework CLI argument parser and fix bug(s) that were included --- PUMI/engine.py | 182 ++++++++++++++++++++++++++++++++++++------------- 1 file changed, 135 insertions(+), 47 deletions(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 29d2551..0d9dfaf 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -367,7 +367,7 @@ def wrapper(name, bids_dir, subjects=None, base_dir='.', sink_dir=None, qc_dir=N # default: multiproc if run_args is None: - run_args = {'plugin':'MultiProc'} + run_args = {'plugin': 'MultiProc'} if sink_dir is None: sink_dir = globals.cfg_parser.get('SINKING', 'sink_dir', fallback='derivatives') @@ -462,36 +462,74 @@ def __init__(self, pipeline, name, bids_dir=None, output_dir=None, analysis_leve else: self.parser = argparse.ArgumentParser(description=description) - self.parser.add_argument('--bids_dir', required=False, help='Root directory of the BIDS-compliant input dataset.') - self.parser.add_argument('--output_dir', required=False, help='Directory where the results will be stored.') - self.parser.add_argument('--analysis_level', required=False, choices=['participant'], - help='Level of the analysis that will be performed. Default is participant.') - self.parser.add_argument('--participant_label', required=False, - help='Space delimited list of participant-label(s) (e.g. "001 002 003"). ' - 'Perform the tool on the given participants or if this parameter is not ' - 'provided then perform the procedure on all subjects.', - nargs="+") - self.parser.add_argument('--version', action='version', version='Version {}'.format(get_versions()['version']), - help='Print version of PUMI') - self.parser.add_argument('--working_dir', type=str, - help='Directory where temporary data will be stored. Default is the current working directory.') - - self.parser.add_argument('--plugin', type=str, - help='Nipype plugin (e.g. MultiProc, Slurm). If not set, MultiProc is used.') - - self.parser.add_argument('--n_procs', type=int, - help='Amount of threads to execute in parallel.' - + 'If not set, the amount of CPU cores is used.' - + 'Caution: Does only work with the MultiProc-plugin!') - - self.parser.add_argument('--memory_gb', type=int, - help='Memory limit in GB. If not set, use 90% of the available memory' - + 'Caution: Does only work with the MultiProc-plugin!') - - self.parser.add_argument('--plugin_args', type=str, - help='Nipype plugin arguments in dictionary format (e. g. {\'memory_gb\': 6})' - + 'Caution: If set, you need to supply the --plugin argument and' - + 'the command line arguments --n_procs and --memory_gb will be ignored!') + self.parser.add_argument( + '--bids_dir', + required=False, # It's not required to supply agument via CLI, via BidsApp constructor is also fine! + help='Root directory of the BIDS-compliant input dataset.' + ) + + self.parser.add_argument( + '--output_dir', + required=False, # Not required to give via CLI, also possible to pass parameter via BidsApp constructor + help='Directory where the results will be stored.' + ) + + self.parser.add_argument( + '--analysis_level', + required=False, + choices=['participant'], + help='Level of the analysis that will be performed. Default is participant.' + + ) + + self.parser.add_argument( + '--participant_label', + required=False, + help='Space delimited list of participant-label(s) (e.g. "001 002 003"). ' + 'Perform the tool on the given participants or if this parameter is not ' + 'provided then perform the procedure on all subjects.', + nargs="+" + ) + + self.parser.add_argument( + '--version', + action='version', + version='Version {}'.format(get_versions()['version']), + help='Print version of PUMI' + ) + + self.parser.add_argument( + '--working_dir', + type=str, + help='Directory where temporary data will be stored. Default is the current working directory.' + ) + + self.parser.add_argument( + '--plugin', + type=str, + help='Nipype plugin (e.g. MultiProc, Slurm). If not set, MultiProc is used.' + ) + + self.parser.add_argument( + '--n_procs', + type=int, + help='Amount of threads to execute in parallel. If not set, the amount of CPU cores is used.' + 'Caution: Does only work with the MultiProc-plugin!') + + self.parser.add_argument( + '--memory_gb', + type=int, + help='Memory limit in GB. If not set, use 90% of the available memory' + 'Caution: Does only work with the MultiProc-plugin!') + + self.parser.add_argument( + '--plugin_args', + type=str, + help='Nipype plugin arguments in dictionary format encapsulated in a string (e. g. "{\'memory_gb\': 6})"' + 'Caution: If you set --plugin_args, you must also set --plugin1' + 'If you specified --n_procs or --memory_gb outside of your --plugin_args specification, then it will ' + 'be ignored!' + ) self.pipeline = pipeline # mandatory via script self.name = name # mandatory via script @@ -500,45 +538,95 @@ def __init__(self, pipeline, name, bids_dir=None, output_dir=None, analysis_leve self.analysis_level = analysis_level self.participant_label = participant_label self.working_dir = working_dir - self.run_args = run_args self.kwargs = kwargs + if run_args is None: + self.run_args = {} + else: + self.run_args = run_args + def run(self): + cli_args = self.parser.parse_args() - bids_specified = ['bids_dir', 'output_dir', 'analysis_level', 'participant_label', 'version', 'working_dir'] - pipeline_specific_arguments = {key:dict(vars(cli_args))[key] for key in dict(vars(cli_args)).keys() if key not in bids_specified} + cli_args_dict = vars(cli_args) + + print(cli_args) + + # We need to extract the pipeline specific arguments like 'brr'. + # We have a list of arguments that are BidsApp or nipype related. + # If an argument is not in that list then it's such a pipeline specific argument. + not_pipeline_specific = [ + 'bids_dir', + 'output_dir', + 'analysis_level', + 'participant_label', + 'version', + 'working_dir', + 'plugin', + 'plugin_args', + 'n_procs', + 'memory_gb' + ] + + pipeline_specific_arguments = {} + for key in cli_args_dict: + if key in not_pipeline_specific: + continue + else: + pipeline_specific_arguments[key] = cli_args_dict[key] + + # Now we extract the nipype runtime arguments. + # We prioritize arguments given via CLI. If an argument is not provided via CLI, check if it's provided via + # the BidsApp constructor. If this is also not the case, use default of nipype or own specify own default value. if cli_args.plugin_args is not None: + # If plugin_args was specified via CLI then we don't have to search for any other nipype running arguments + # We just have to check that --plugin was also specified. + if cli_args.plugin is None: + raise ValueError('Error: If you specify --plugin_args, then you must also specify --plugin') plugin_args_dict = ast.literal_eval(cli_args.plugin_args) self.run_args = {'plugin': cli_args.plugin, 'plugin_args': plugin_args_dict} else: - if cli_args.plugin is not None: - self.run_args = {'plugin': cli_args.plugin} - if cli_args.plugin == 'MultiProc': - self.run_args['plugin_args'] = {} + if cli_args.plugin is not None: # parameter specified via CLI + self.run_args['plugin'] = cli_args.plugin + elif 'plugin' not in self.run_args: # parameter not specified via CLI or BidsApp constructor + self.run_args['plugin'] = 'MultiProc' # we have to use a default value + + if self.run_args['plugin'] == 'MultiProc': + + if 'plugin_args' not in self.run_args: # plugin_args also not set via constructor (nor CLI as we know) + self.run_args['plugin_args'] = {} + if cli_args.n_procs is not None: self.run_args['plugin_args']['n_procs'] = cli_args.n_procs + # No problem if it's not set via CLI or BidsApp constructor. Nipype will handle this! + if cli_args.memory_gb is not None: self.run_args['plugin_args']['memory_gb'] = cli_args.memory_gb - + # Also not a problem if not set! Nipype will deal with this! if (cli_args.bids_dir is None) and (self.bids_dir is None): raise ValueError('The argument "bids_dir" has to be set!') else: self.bids_dir = cli_args.bids_dir if (cli_args.bids_dir is not None) else self.bids_dir + print(self.run_args) + # Use specification from CLI if available. Otherwise, use the specification from the BidsApp-constructor. - # If output_dir is None, BidsApp and PumiPipeline are going to read the location specified in the settings.ini + # If output_dir is None, BidsApp and PumiPipeline are going to read the location from settings.ini self.output_dir = cli_args.output_dir if (cli_args.output_dir is not None) else self.output_dir self.participant_label = cli_args.participant_label if (cli_args.participant_label is not None) else self.participant_label self.working_dir = cli_args.working_dir if (cli_args.working_dir is not None) else self.working_dir # todo: integrate analysis_level - if self.run_args is None: - self.pipeline(self.name, bids_dir=self.bids_dir, sink_dir=self.output_dir, base_dir=self.working_dir, - subjects=self.participant_label, **pipeline_specific_arguments, **self.kwargs) - else: - self.pipeline(self.name, bids_dir=self.bids_dir, sink_dir=self.output_dir, base_dir=self.working_dir, - subjects=self.participant_label, run_args=self.run_args, **pipeline_specific_arguments, - **self.kwargs) + self.pipeline( + self.name, + bids_dir=self.bids_dir, + sink_dir=self.output_dir, + base_dir=self.working_dir, + subjects=self.participant_label, + run_args=self.run_args, + **pipeline_specific_arguments, + **self.kwargs + ) From 5c9430ff896bb4fdfa0eb53ee43999af15c6a8ea Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Mon, 27 Nov 2023 22:05:46 +0100 Subject: [PATCH 02/20] Remove not needed file (we will not use slurm plugin on cluster) --- pipelines/hcp_rcpl_slurm.py | 537 ------------------------------------ 1 file changed, 537 deletions(-) delete mode 100644 pipelines/hcp_rcpl_slurm.py diff --git a/pipelines/hcp_rcpl_slurm.py b/pipelines/hcp_rcpl_slurm.py deleted file mode 100644 index 9ade21e..0000000 --- a/pipelines/hcp_rcpl_slurm.py +++ /dev/null @@ -1,537 +0,0 @@ -#!/usr/bin/env python3 - -import argparse -import glob -from PUMI import globals -from nipype import IdentityInterface, DataGrabber -from nipype.interfaces.fsl import Reorient2Std -from nipype.interfaces import afni -from PUMI.engine import BidsPipeline, NestedNode as Node, FuncPipeline, GroupPipeline, BidsApp -from PUMI.pipelines.anat.anat_proc import anat_proc -from PUMI.pipelines.func.compcor import anat_noise_roi -from PUMI.pipelines.anat.func_to_anat import func2anat -from PUMI.pipelines.func.deconfound import fieldmap_correction -from nipype.interfaces import utility -from PUMI.pipelines.func.func_proc import func_proc_despike_afni -from PUMI.pipelines.func.timeseries_extractor import extract_timeseries_nativespace -from PUMI.utils import mist_modules, mist_labels, get_reference -from PUMI.pipelines.func.func2standard import func2standard -from PUMI.engine import NestedWorkflow as Workflow - -from pathlib import Path -import traits -import os - - -def relabel_mist_atlas(atlas_file, modules, labels): - """ - Relabel MIST atlas - * Beware : currently works only with labelmap!! - Parameters: - atlas_file(str): Path to the atlas file - modules ([str]): List containing the modules in MIST - labels ([str]): List containing the labels in MIST - Returns: - relabel_file (str): Path to relabeld atlas file - reordered_modules ([str]): list containing reordered module names - reordered_labels ([str]): list containing reordered label names - new_labels (str): Path to .tsv-file with the new labels - """ - - import os - import numpy as np - import pandas as pd - import nibabel as nib - - df = pd.DataFrame({'modules': modules, 'labels': labels}) - df.index += 1 # indexing from 1 - - reordered = df.sort_values(by='modules') - - # relabel labelmap - img = nib.load(atlas_file) - if len(img.shape) != 3: - raise Exception("relabeling does not work for probability maps!") - - lut = reordered.reset_index().sort_values(by="index").index.values + 1 - lut = np.array([0] + lut.tolist()) - # maybe this is a bit complicated, but believe me it does what it should - - data = img.get_fdata() - newdata = lut[np.array(data, dtype=np.int32)] # apply lookup table to swap labels - - img = nib.Nifti1Image(newdata.astype(np.float64), img.affine) - nib.save(img, 'relabeled_atlas.nii.gz') - - out = reordered.reset_index() - out.index = out.index + 1 - relabel_file = os.path.join(os.getcwd(), 'relabeled_atlas.nii.gz') - reordered_modules = reordered['modules'].values.tolist() - reordered_labels = reordered['labels'].values.tolist() - - newlabels_file = os.path.join(os.getcwd(), 'newlabels.tsv') - out.to_csv(newlabels_file, sep='\t') - return relabel_file, reordered_modules, reordered_labels, newlabels_file - -@GroupPipeline(inputspec_fields=['labelmap', 'modules', 'labels'], - outputspec_fields=['relabeled_atlas', 'reordered_labels', 'reordered_modules']) -def mist_atlas(wf, reorder=True, **kwargs): - - resample_atlas = Node( - interface=afni.Resample( - outputtype='NIFTI_GZ', - master=get_reference(wf, 'brain'), - ), - name='resample_atlas' - ) - - if reorder: - # reorder if modules is given (like for MIST atlases) - relabel_atls = Node( - interface=utility.Function( - input_names=['atlas_file', 'modules', 'labels'], - output_names=['relabelled_atlas_file', 'reordered_modules', 'reordered_labels', 'newlabels_file'], - function=relabel_mist_atlas - ), - name='relabel_atls' - ) - wf.connect('inputspec', 'labelmap', relabel_atls, 'atlas_file') - wf.connect('inputspec', 'modules', relabel_atls, 'modules') - wf.connect('inputspec', 'labels', relabel_atls, 'labels') - - wf.connect(relabel_atls, 'relabelled_atlas_file', resample_atlas, 'in_file') - else: - wf.connect('inputspec', 'labelmap', resample_atlas, 'in_file') - - # Sinking - wf.connect(resample_atlas, 'out_file', 'sinker', 'atlas') - if reorder: - wf.connect(relabel_atls, 'newlabels_file', 'sinker', 'reordered_labels') - else: - wf.connect('inputspec', 'labels', 'sinker', 'atlas_labels') - - # Output - wf.connect(resample_atlas, 'out_file', 'outputspec', 'relabeled_atlas') - if reorder: - wf.connect(relabel_atls, 'reordered_labels', 'outputspec', 'reordered_labels') - wf.connect(relabel_atls, 'reordered_modules', 'outputspec', 'reordered_modules') - else: - wf.connect('inputspec', 'labels', 'outputspec', 'reordered_labels') - wf.connect('inputspec', 'modules', 'outputspec', 'reordered_modules') - - -@FuncPipeline(inputspec_fields=['ts_files', 'fd_files', 'scrub_threshold'], - outputspec_fields=['features', 'out_file']) -def calculate_connectivity(wf, **kwargs): - - def calc_connectivity(ts_files, fd_files, scrub_threshold): - import os - import pandas as pd - import numpy as np - from PUMI.PAINTeR import load_timeseries, connectivity_matrix - - if not isinstance(ts_files, (list, np.ndarray)): # in this case we assume we have a string or path-like object - ts_files = [ts_files] - if not isinstance(fd_files, (list, np.ndarray)): # in this case we assume we have a string or path-like object - fd_files = [fd_files] - FD = [] - mean_FD = [] - median_FD = [] - max_FD = [] - perc_scrubbed = [] - for f in fd_files: - fd = pd.read_csv(f, sep="\t").values.flatten() - fd = np.insert(fd, 0, 0) - FD.append(fd.ravel()) - mean_FD.append(fd.mean()) - median_FD.append(np.median(fd)) - max_FD.append(fd.max()) - perc_scrubbed.append(100 - 100 * len(fd) / len(fd[fd <= scrub_threshold])) - - df = pd.DataFrame() - df['ts_file'] = ts_files - df['fd_file'] = fd_files - df['meanFD'] = mean_FD - df['medianFD'] = median_FD - df['maxFD'] = max_FD - df['perc_scrubbed'] = perc_scrubbed - - ts, labels = load_timeseries(ts_files, df, scrubbing=True, scrub_threshold=scrub_threshold) - features, cm = connectivity_matrix(np.array(ts)) - - path = os.path.abspath('motion.csv') - df.to_csv(path) - return features, path - - connectivity_wf = Node( - utility.Function( - input_names=['ts_files', 'fd_files', 'scrub_threshold'], - output_names=['features', 'out_file'], - function=calc_connectivity - ), - name="connectivity_wf" - ) - wf.connect('inputspec', 'ts_files', connectivity_wf, 'ts_files') - wf.connect('inputspec', 'fd_files', connectivity_wf, 'fd_files') - - if isinstance(wf.get_node('inputspec').inputs.scrub_threshold, traits.trait_base._Undefined): - connectivity_wf.inputs.scrub_threshold = .15 - else: - wf.connect('inputspec', 'scrub_threshold', connectivity_wf, 'scrub_threshold') - - wf.connect(connectivity_wf, 'features', 'outputspec', 'features') - wf.connect(connectivity_wf, 'out_file', 'outputspec', 'out_file') - - wf.connect(connectivity_wf, 'out_file', 'sinker', 'connectivity') - - -@FuncPipeline(inputspec_fields=['X', 'in_file'], - outputspec_fields=['score', 'out_file']) -def predict_pain_sensitivity_rpn(wf, **kwargs): - """ - - Perform pain sensitivity prediction using the RPN signature - (Resting-state Pain susceptibility Network signature). - Further information regarding the signature: https://spisakt.github.io/RPN-signature/ - - Inputs: - X (array-like): Input data for pain sensitivity prediction - in_file (str): Path to the bold file that was used to create X - - Outputs: - predicted (float): Predicted pain sensitivity score - out_file (str): Absolute path to the output CSV file containing the prediction result - - Sinking: - CSV file containing the prediction result - - """ - - def predict(X, in_file): - from PUMI.utils import rpn_model - import pandas as pd - import PUMI - import os - import importlib - - with importlib.resources.path('resources', 'model_rpn.json') as file: - model_json = file - - model = rpn_model(file=model_json) - predicted = model.predict(X) - - path = os.path.abspath('rpn-prediction.csv') - df = pd.DataFrame() - df['in_file'] = [in_file] - df['RPN'] = predicted - df.to_csv(path, index=False) - return predicted, path - - predict_wf = Node( - utility.Function( - input_names=['X', 'in_file'], - output_names=['score', 'out_file'], - function=predict - ), - name="predict_wf" - ) - wf.connect('inputspec', 'X', predict_wf, 'X') - wf.connect('inputspec', 'in_file', predict_wf, 'in_file') - - wf.connect(predict_wf, 'score', 'outputspec', 'score') - wf.connect(predict_wf, 'out_file', 'outputspec', 'out_file') - wf.connect(predict_wf, 'out_file', 'sinker', 'rpn') - - -@FuncPipeline(inputspec_fields=['X', 'in_file'], - outputspec_fields=['score', 'out_file']) -def predict_pain_sensitivity_rcpl(wf, model_path=None, **kwargs): - """ - - Perform pain sensitivity prediction using RCPL signature - (Resting-state functional Connectivity signature of Pain-related Learning). - Further information regarding the signature: https://github.com/kincsesbalint/paintone_rsn - - Parameters: - model_path (str, optional): Path to the pre-trained model relative to PUMI's data_in folder. - If set to None, PUMI's build in RCPL model is used. - - Inputs: - X (array-like): Input data for pain sensitivity prediction - in_file (str): Path to the bold file that was used to create X - - Outputs: - predicted (float): Predicted pain sensitivity score - out_file (str): Absolute path to the output CSV file containing the prediction result - - Sinking: - CSV file containing the prediction result - - """ - - def predict(X, in_file, model_path): - import pandas as pd - import os - import PUMI - import joblib - import importlib - - if model_path is None: - with importlib.resources.path('resources', 'rcpl_model.sav') as file: - model = joblib.load(file) - else: - if not os.path.exists(model_path): - raise FileNotFoundError(f"Model file not found: {model_path}") - - data_in_folder = os.path.join(os.path.dirname(os.path.abspath(PUMI.__file__)), '..', 'data_in') - model_path = os.path.join(data_in_folder, model_path) - model = joblib.load(model_path) - - predicted = model.predict(X) - - path = os.path.abspath('rcpl-prediction.csv') - df = pd.DataFrame() - df['in_file'] = [in_file] - df['RCPL'] = predicted - df.to_csv(path, index=False) - - return predicted, path - - predict_wf = Node( - utility.Function( - input_names=['X', 'in_file', 'model_path'], - output_names=['score', 'out_file'], - function=predict - ), - name="predict_wf" - ) - wf.connect('inputspec', 'X', predict_wf, 'X') - wf.connect('inputspec', 'in_file', predict_wf, 'in_file') - predict_wf.inputs.model_path = model_path - - wf.connect(predict_wf, 'score', 'outputspec', 'score') - wf.connect(predict_wf, 'out_file', 'outputspec', 'out_file') - wf.connect(predict_wf, 'out_file', 'sinker', 'rcpl') - - -@FuncPipeline(inputspec_fields=['rpn_out_file', 'rcpl_out_file'], - outputspec_fields=['out_file']) -def collect_pain_predictions(wf, **kwargs): - """ - - Merge the out_file's of pain sensitivity predictions generated using the RCPL and RPN methods into one file - - Inputs: - rpn_out_file (str): Path to the out_file generated by the RPN method - rcpl_out_file (str): Path to the out_file generated by the RCPL method - - Outputs: - out_file (str): Absolute path to the output CSV file containing the RPN and RCPL predictions. - - Sinking: - CSV file containing RPN and RCPL predictions - - """ - - def merge_predictions(rpn_out_file, rcpl_out_file): - import pandas as pd - import os - - df_rpn = pd.read_csv(rpn_out_file) - df_rcpl = pd.read_csv(rcpl_out_file) - - # Check if in_file columns are the same - if df_rpn['in_file'].iloc[0] != df_rcpl['in_file'].iloc[0]: - raise ValueError("The 'in_file' columns in the two CSV files are not the same!") - - merged_df = pd.DataFrame() - merged_df['in_file'] = df_rpn['in_file'] - merged_df['RPN'] = df_rpn['RPN'] - merged_df['RCPL'] = df_rcpl['RCPL'] - - path = os.path.abspath('pain-sensitivity-predictions.csv') - merged_df.to_csv(path, index=False) - - return path - - merge_predictions_wf = Node( - utility.Function( - input_names=['rpn_out_file', 'rcpl_out_file'], - output_names=['out_file'], - function=merge_predictions - ), - name="merge_predictions_wf" - ) - wf.connect('inputspec', 'rpn_out_file', merge_predictions_wf, 'rpn_out_file') - wf.connect('inputspec', 'rcpl_out_file', merge_predictions_wf, 'rcpl_out_file') - - wf.connect(merge_predictions_wf, 'out_file', 'outputspec', 'out_file') - wf.connect(merge_predictions_wf, 'out_file', 'sinker', 'pain_predictions') - - -parser = argparse.ArgumentParser() - -parser.add_argument( - '--bids_dir', - required=True, - help='Root directory of the input dataset.' -) - -parser.add_argument( - '--output_dir', - required=True, - help='Directory where the results will be stored.' -) - -parser.add_argument( - '--bbr', - default='yes', - type=lambda x: (str(x).lower() == ['true', '1', 'yes']), - help='Use BBR registration: yes/no (default: yes)' -) - -parser.add_argument('--n_procs', type=int, - help='Amount of threads to execute in parallel.' - + 'If not set, the amount of CPU cores is used.' - + 'Caution: Does only work with the MultiProc-plugin!') - -parser.add_argument('--memory_gb', type=int, - help='Memory limit in GB. If not set, use 90% of the available memory' - + 'Caution: Does only work with the MultiProc-plugin!') - - -cli_args = parser.parse_args() - -input_dir = cli_args.bids_dir -output_dir = cli_args.output_dir -bbr = cli_args.bbr - -plugin_args = {} -if cli_args.n_procs is not None: - plugin_args['n_procs'] = cli_args.n_procs - -if cli_args.memory_gb is not None: - plugin_args['memory_gb'] = cli_args.memory_gb - -subjects = [] -excluded = [] -for path in glob.glob(str(input_dir) + '/*'): - id = path.split('/')[-1] - - base = path + '/unprocessed/3T/' - - t1w_base = str(Path(base + '/T1w_MPR1/' + id + '_3T_T1w_MPR1.nii')) - has_t1w = os.path.isfile(t1w_base) or os.path.isfile(t1w_base + '.gz') - - lr_base = str(Path(base + '/rfMRI_REST1_LR/' + id + '_3T_rfMRI_REST1_LR.nii')) - has_lr = os.path.isfile(lr_base) or os.path.isfile(lr_base + '.gz') - - rl_base = str(Path(base + '/rfMRI_REST1_RL/' + id + '_3T_rfMRI_REST1_RL.nii')) - has_rl = os.path.isfile(rl_base) or os.path.isfile(rl_base + '.gz') - - if has_t1w and has_lr and has_rl: - subjects.append(id) - else: - excluded.append(id) - -print('-' * 100) -print(f'Included %d subjects.' % len(subjects)) -print(f'Excluded %d subjects.' % len(excluded)) -print('-' * 100) - - -wf = Workflow(name='HCP-RCPL') -wf.base_dir = '.' -globals.cfg_parser.set('SINKING', 'sink_dir', str(Path(os.path.abspath(output_dir + '/derivatives')))) -globals.cfg_parser.set('SINKING', 'qc_dir', str(Path(os.path.abspath(output_dir + '/derivatives/qc')))) - - -# Create a subroutine (subgraph) for every subject -inputspec = Node(interface=IdentityInterface(fields=['subject']), name='inputspec') -inputspec.iterables = [('subject', subjects)] - -T1w_grabber = Node(DataGrabber(infields=['subject'], outfields=['T1w']), name='T1w_grabber') -T1w_grabber.inputs.base_directory = os.path.abspath(input_dir) -T1w_grabber.inputs.template = '%s/unprocessed/3T/T1w_MPR1/*T1w_MPR1.nii*' -T1w_grabber.inputs.sort_filelist = True -wf.connect(inputspec, 'subject', T1w_grabber, 'subject') - -bold_lr_grabber = Node(DataGrabber(infields=['subject'], outfields=['bold_lr']), name='bold_lr_grabber') -bold_lr_grabber.inputs.base_directory = os.path.abspath(input_dir) -bold_lr_grabber.inputs.template = '%s/unprocessed/3T/rfMRI_REST1_LR/*_3T_rfMRI_REST1_LR.nii*' -bold_lr_grabber.inputs.sort_filelist = True -wf.connect(inputspec, 'subject', bold_lr_grabber, 'subject') - -bold_rl_grabber = Node(DataGrabber(infields=['subject'], outfields=['bold_rl']), name='bold_rl_grabber') -bold_rl_grabber.inputs.base_directory = os.path.abspath(input_dir) -bold_rl_grabber.inputs.template = '%s/unprocessed/3T/rfMRI_REST1_RL/*_3T_rfMRI_REST1_RL.nii*' -bold_rl_grabber.inputs.sort_filelist = True -wf.connect(inputspec, 'subject', bold_rl_grabber, 'subject') - -reorient_struct_wf = Node(Reorient2Std(output_type='NIFTI_GZ'), name="reorient_struct_wf") -wf.connect(T1w_grabber, 'T1w', reorient_struct_wf, 'in_file') - -reorient_func_lr_wf = Node(Reorient2Std(output_type='NIFTI_GZ'), name="reorient_func_lr_wf") -wf.connect(bold_lr_grabber, 'bold_lr', reorient_func_lr_wf, 'in_file') - -reorient_func_rl_wf = Node(Reorient2Std(output_type='NIFTI_GZ'), name="reorient_func_rl_wf") -wf.connect(bold_rl_grabber, 'bold_rl', reorient_func_rl_wf, 'in_file') - -fieldmap_corr = fieldmap_correction('fieldmap_corr') -wf.connect(reorient_func_lr_wf, 'out_file', fieldmap_corr, 'func_1') -wf.connect(reorient_func_rl_wf, 'out_file', fieldmap_corr, 'func_2') - -anatomical_preprocessing_wf = anat_proc(name='anatomical_preprocessing_wf', bet_tool='deepbet') -wf.connect(reorient_struct_wf, 'out_file', anatomical_preprocessing_wf, 'in_file') - -func2anat_wf = func2anat(name='func2anat_wf', bbr=bbr) -wf.connect(fieldmap_corr, 'out_file', func2anat_wf, 'func') -wf.connect(anatomical_preprocessing_wf, 'brain', func2anat_wf, 'head') -wf.connect(anatomical_preprocessing_wf, 'probmap_wm', func2anat_wf, 'anat_wm_segmentation') -wf.connect(anatomical_preprocessing_wf, 'probmap_csf', func2anat_wf, 'anat_csf_segmentation') -wf.connect(anatomical_preprocessing_wf, 'probmap_gm', func2anat_wf, 'anat_gm_segmentation') -wf.connect(anatomical_preprocessing_wf, 'probmap_ventricle', func2anat_wf, 'anat_ventricle_segmentation') - -compcor_roi_wf = anat_noise_roi('compcor_roi_wf') -wf.connect(func2anat_wf, 'wm_mask_in_funcspace', compcor_roi_wf, 'wm_mask') -wf.connect(func2anat_wf, 'ventricle_mask_in_funcspace', compcor_roi_wf, 'ventricle_mask') - -func_proc_wf = func_proc_despike_afni('func_proc_wf', bet_tool='deepbet', deepbet_n_dilate=2) -wf.connect(fieldmap_corr, 'out_file', func_proc_wf, 'func') -wf.connect(compcor_roi_wf, 'out_file', func_proc_wf, 'cc_noise_roi') - -pick_atlas_wf = mist_atlas('pick_atlas_wf') -mist_dir = os.path.abspath(os.path.join(os.path.dirname(__file__), "../data_in/atlas/MIST")) -pick_atlas_wf.get_node('inputspec').inputs.labelmap = os.path.join(mist_dir, 'Parcellations/MIST_122.nii.gz') -pick_atlas_wf.get_node('inputspec').inputs.modules = mist_modules(mist_directory=mist_dir, resolution="122") -pick_atlas_wf.get_node('inputspec').inputs.labels = mist_labels(mist_directory=mist_dir, resolution="122") - -extract_timeseries = extract_timeseries_nativespace('extract_timeseries') -wf.connect(pick_atlas_wf, 'relabeled_atlas', extract_timeseries, 'atlas') -wf.connect(pick_atlas_wf, 'reordered_labels', extract_timeseries, 'labels') -wf.connect(pick_atlas_wf, 'reordered_modules', extract_timeseries, 'modules') -wf.connect(anatomical_preprocessing_wf, 'brain', extract_timeseries, 'anat') -wf.connect(func2anat_wf, 'anat_to_func_linear_xfm', extract_timeseries, 'inv_linear_reg_mtrx') -wf.connect(anatomical_preprocessing_wf, 'mni2anat_warpfield', extract_timeseries, 'inv_nonlinear_reg_mtrx') -wf.connect(func2anat_wf, 'gm_mask_in_funcspace', extract_timeseries, 'gm_mask') -wf.connect(func_proc_wf, 'func_preprocessed', extract_timeseries, 'func') -wf.connect(func_proc_wf, 'FD', extract_timeseries, 'confounds') - -calculate_connectivity_wf = calculate_connectivity('calculate_connectivity_wf') -wf.connect(extract_timeseries, 'timeseries', calculate_connectivity_wf, 'ts_files') -wf.connect(func_proc_wf, 'FD', calculate_connectivity_wf, 'fd_files') - -predict_pain_sensitivity_rpn_wf = predict_pain_sensitivity_rpn('predict_pain_sensitivity_rpn_wf') -wf.connect(calculate_connectivity_wf, 'features', predict_pain_sensitivity_rpn_wf, 'X') -wf.connect(fieldmap_corr, 'out_file', predict_pain_sensitivity_rpn_wf, 'in_file') - -predict_pain_sensitivity_rcpl_wf = predict_pain_sensitivity_rcpl('predict_pain_sensitivity_rcpl_wf') -wf.connect(calculate_connectivity_wf, 'features', predict_pain_sensitivity_rcpl_wf, 'X') -wf.connect(fieldmap_corr, 'out_file', predict_pain_sensitivity_rcpl_wf, 'in_file') - -collect_pain_predictions_wf = collect_pain_predictions('collect_pain_predictions_wf') -wf.connect(predict_pain_sensitivity_rpn_wf, 'out_file', collect_pain_predictions_wf, 'rpn_out_file') -wf.connect(predict_pain_sensitivity_rcpl_wf, 'out_file', collect_pain_predictions_wf, 'rcpl_out_file') - -wf.write_graph('Pipeline.png') -wf.run(plugin='SLURM') From 2982cba12ac658f1f721ab02c17fd020a9e080ad Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Mon, 27 Nov 2023 22:23:33 +0100 Subject: [PATCH 03/20] Remove prints --- PUMI/engine.py | 4 ---- 1 file changed, 4 deletions(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 0d9dfaf..718bc61 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -550,8 +550,6 @@ def run(self): cli_args = self.parser.parse_args() cli_args_dict = vars(cli_args) - print(cli_args) - # We need to extract the pipeline specific arguments like 'brr'. # We have a list of arguments that are BidsApp or nipype related. # If an argument is not in that list then it's such a pipeline specific argument. @@ -610,8 +608,6 @@ def run(self): else: self.bids_dir = cli_args.bids_dir if (cli_args.bids_dir is not None) else self.bids_dir - print(self.run_args) - # Use specification from CLI if available. Otherwise, use the specification from the BidsApp-constructor. # If output_dir is None, BidsApp and PumiPipeline are going to read the location from settings.ini self.output_dir = cli_args.output_dir if (cli_args.output_dir is not None) else self.output_dir From 8ea64d92dd48310d24ff3a9fd9eef47f239c2387 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Mon, 27 Nov 2023 22:28:18 +0100 Subject: [PATCH 04/20] Fix bug in add_argument statement for bbr --- pipelines/func2standard_app.py | 8 ++++++-- pipelines/rcpl.py | 8 ++++++-- pipelines/rpn_signature.py | 8 ++++++-- 3 files changed, 18 insertions(+), 6 deletions(-) diff --git a/pipelines/func2standard_app.py b/pipelines/func2standard_app.py index 048f19d..08f8d7c 100755 --- a/pipelines/func2standard_app.py +++ b/pipelines/func2standard_app.py @@ -188,7 +188,11 @@ def func2standard_wf(wf, bbr=True, **kwargs): name='func2standard_app', bids_dir='../data_in/pumi-unittest' # if you pass a cli argument this will be written over! ) -func2standard_app.parser.add_argument('--bbr', default='yes', type=lambda x: (str(x).lower() == ['true','1', 'yes']), - help='Use BBR registration: yes/no (default: yes)') +func2standard_app.parser.add_argument( + '--bbr', + default='yes', + type=lambda x: (str(x).lower() in ['true', '1', 'yes']), + help="Use BBR registration: yes/no (default: yes)" +) func2standard_app.run() diff --git a/pipelines/rcpl.py b/pipelines/rcpl.py index 0d27285..54a51ab 100755 --- a/pipelines/rcpl.py +++ b/pipelines/rcpl.py @@ -452,7 +452,11 @@ def rcpl(wf, bbr=True, **kwargs): name='rcpl', bids_dir='../data_in/pumi-unittest' # if you pass a cli argument this will be written over! ) -rcpl_app.parser.add_argument('--bbr', default='yes', type=lambda x: (str(x).lower() == ['true','1', 'yes']), - help='Use BBR registration: yes/no (default: yes)') +rcpl_app.parser.add_argument( + '--bbr', + default='yes', + type=lambda x: (str(x).lower() in ['true', '1', 'yes']), + help="Use BBR registration: yes/no (default: yes)" +) rcpl_app.run() diff --git a/pipelines/rpn_signature.py b/pipelines/rpn_signature.py index 3136778..ae59c75 100755 --- a/pipelines/rpn_signature.py +++ b/pipelines/rpn_signature.py @@ -326,7 +326,11 @@ def rpn(wf, bbr=True, **kwargs): name='rpn', bids_dir='../data_in/pumi-unittest' # if you pass a cli argument this will be written over! ) -rpn_app.parser.add_argument('--bbr', default='yes', type=lambda x: (str(x).lower() == ['true','1', 'yes']), - help='Use BBR registration: yes/no (default: yes)') +rpn_app.parser.add_argument( + '--bbr', + default='yes', + type=lambda x: (str(x).lower() in ['true', '1', 'yes']), + help="Use BBR registration: yes/no (default: yes)" +) rpn_app.run() From 4da3f22cc64b355b5d666b293331834719fb7a70 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Mon, 27 Nov 2023 23:07:24 +0100 Subject: [PATCH 05/20] Save software versions --- PUMI/engine.py | 26 ++++++++++++++++++++++++++ pipelines/rcpl.py | 2 ++ pipelines/rpn_signature.py | 3 ++- 3 files changed, 30 insertions(+), 1 deletion(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 718bc61..63bdd1f 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -626,3 +626,29 @@ def run(self): **pipeline_specific_arguments, **self.kwargs ) + + +def save_software_versions(wf): + result = {'PUMI': get_versions()['version']} + # result is a dict where the keys are the interface types and the values the corresponding versions of the + # underlying software + + for node_name in wf.list_node_names(): + node = wf.get_node(node_name) + node_interface = node.interface + node_module = str(type(node_interface)) # e.g., "" + node_module = node_module.replace("" + node_module = node_module.replace("\'>", "") # e.g., "nipype.interfaces.fsl.utils.Reorient2Std" + try: + version = node.interface.version + if version is None: + continue + else: + result[node_module] = version + except: + continue + + path = str(Path(wf.sink_dir) / "software_versions.txt") + with open(path, "w") as f_obj: + for key, value in result.items(): + f_obj.write('%s: %s\n' % (key, value)) diff --git a/pipelines/rcpl.py b/pipelines/rcpl.py index 54a51ab..7812a73 100755 --- a/pipelines/rcpl.py +++ b/pipelines/rcpl.py @@ -12,6 +12,7 @@ from PUMI.utils import mist_modules, mist_labels, get_reference from PUMI.pipelines.func.func2standard import func2standard from PUMI.pipelines.multimodal.image_manipulation import pick_volume +from PUMI.engine import save_software_versions import traits import os @@ -445,6 +446,7 @@ def rcpl(wf, bbr=True, **kwargs): wf.connect(predict_pain_sensitivity_rcpl_wf, 'out_file', collect_pain_predictions_wf, 'rcpl_out_file') wf.write_graph('RCPL-pipeline.png') + save_software_versions(wf) rcpl_app = BidsApp( diff --git a/pipelines/rpn_signature.py b/pipelines/rpn_signature.py index ae59c75..36c535c 100755 --- a/pipelines/rpn_signature.py +++ b/pipelines/rpn_signature.py @@ -2,7 +2,7 @@ from nipype.interfaces.fsl import Reorient2Std from nipype.interfaces import afni -from PUMI.engine import BidsPipeline, NestedNode as Node, FuncPipeline, GroupPipeline, BidsApp +from PUMI.engine import BidsPipeline, NestedNode as Node, FuncPipeline, GroupPipeline, BidsApp, save_software_versions from PUMI.pipelines.anat.anat_proc import anat_proc from PUMI.pipelines.func.compcor import anat_noise_roi, compcor from PUMI.pipelines.anat.func_to_anat import func2anat @@ -319,6 +319,7 @@ def rpn(wf, bbr=True, **kwargs): wf.connect('inputspec', 'bold', predict_pain_sensitivity_wf, 'in_files') wf.write_graph('rpn-signature.png') + save_software_versions(wf) rpn_app = BidsApp( From abff1b7cfbbd985e307bdd77a0cb6b3f617bdd8b Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Wed, 29 Nov 2023 11:36:11 +0100 Subject: [PATCH 06/20] Add deepbet to requirements.txt --- requirements.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/requirements.txt b/requirements.txt index 2e405da..facee94 100644 --- a/requirements.txt +++ b/requirements.txt @@ -20,3 +20,4 @@ scikit-learn==1.1.2 myst-parser nibabel==5.0.0 git+https://github.com/MIC-DKFZ/HD-BET.git +deepbet From c1395128e5348fda99df9edca2f67eda03915e72 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Wed, 29 Nov 2023 11:36:58 +0100 Subject: [PATCH 07/20] Be less strict with version numbers --- requirements.txt | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/requirements.txt b/requirements.txt index facee94..b626a52 100644 --- a/requirements.txt +++ b/requirements.txt @@ -2,22 +2,22 @@ networkx<3 dot2tex>=2.11.3 templateflow>=0.8.0 graphviz>=0.17 -matplotlib==3.5.2 +matplotlib>=3.5.2 numpy>=1.21.1 scipy>=1.7.1 numpydoc>=1.1.0 nbsphinx>=0.8.6 -pytest==7.1.2 +pytest>=7.1.2 nipype>=1.8.1 -neurodocker==0.8.0 -nilearn==0.9.1 +neurodocker>=0.8.0 +nilearn>=0.9.1 pybids>=0.15.1 poetry>=1.1.13 poetry-dynamic-versioning>=0.17.1 pydeface>=2.0.0 seaborn>=0.11.2 -scikit-learn==1.1.2 myst-parser -nibabel==5.0.0 +nibabel>=5.0.0 git+https://github.com/MIC-DKFZ/HD-BET.git deepbet +scikit-learn==1.1.2 From adbeb87fb2c526bdb02068fc054902db53b1b442 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 11:11:30 +0100 Subject: [PATCH 08/20] Allow python versions greater than 3.9 --- pyproject.toml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/pyproject.toml b/pyproject.toml index 7f81918..8dafcf8 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -28,7 +28,7 @@ classifiers = [ ] [tool.poetry.dependencies] -python = ">=3.7,<3.10" +python = ">=3.7" numpy = ">=1.21.1" scipy = ">=1.7.1" pytest = ">=7.1.2" From 39150e7fbf3483628f04aca8c7bfb5902f727042 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 11:15:00 +0100 Subject: [PATCH 09/20] Update dependencies in pyproject.toml --- pyproject.toml | 18 ++++++++++++++++-- 1 file changed, 16 insertions(+), 2 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 8dafcf8..31c8cc8 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -29,15 +29,29 @@ classifiers = [ [tool.poetry.dependencies] python = ">=3.7" +networkx = "<3" +dot2tex = ">=2.11.3" +templateflow = ">=0.8.0" +graphviz = ">=0.17" +matplotlib = ">=3.5.2" numpy = ">=1.21.1" scipy = ">=1.7.1" +numpydoc = ">=1.1.0" +nbsphinx = ">=0.8.6" pytest = ">=7.1.2" nipype = ">=1.8.1" neurodocker = ">=0.8.0" nilearn = ">=0.9.1" pybids = ">=0.15.1" -templateflow = ">=0.8.1" -matplotlib = ">=3.5.2" +poetry = ">=1.1.13" +poetry-dynamic-versioning = ">=0.17.1" +pydeface = ">=2.0.0" +seaborn = ">=0.11.2" +myst-parser = "*" +nibabel = ">=5.0.0" +hd-bet = { git = "https://github.com/MIC-DKFZ/HD-BET.git" } +deepbet = "*" +scikit-learn = "==1.1.2" [tool.poetry.dev-dependencies] From 019f4e0dd961272db5fbffaabba5e2c2d21f2854 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 12:01:02 +0100 Subject: [PATCH 10/20] Delete apptainer-pipeline-executor --- scripts/apptainer-pipeline-executor | 125 ---------------------------- 1 file changed, 125 deletions(-) delete mode 100644 scripts/apptainer-pipeline-executor diff --git a/scripts/apptainer-pipeline-executor b/scripts/apptainer-pipeline-executor deleted file mode 100644 index 5b4fa14..0000000 --- a/scripts/apptainer-pipeline-executor +++ /dev/null @@ -1,125 +0,0 @@ -#!/bin/bash - -while getopts 'v:i:o:d:n:h' opt; do - case "$opt" in - v) - # PUMI VERSION, this gets passed to pip install - # if it's a path than install from local source - # but it can also be from github - # and (later) simply the PIPY package name - PUMI_VER="$OPTARG" - ;; - - i) - # input BIDS dir, if used, argument should be a BIDS-app - INDIR="$OPTARG" - ;; - - o) - # output dir (derivatives), if used, argument should be a BIDS-app -# Dirctory where the results should be put -# this will be mounted and maybe we match some stuff automatically - OUTDIR="$OPTARG" - ;; - - d) - # additional apptainer command line arguments - # can be used e.g. to mount volumes - APPTAINER_CMD="$OPTARG" - ;; - - n) - # NFS root folder - NFS_ROOT="$OPTARG" - ;; - - ?|h) - echo "Usage: $(basename $0) [-v] [-i] [-o] [-d] [-h] pumi_pipeline [pipeline_args]" - echo "-v Path to PUMI" - echo "-i Input BIDS folder" - echo "-o Output folder" - echo "-n To use or store data on an NFS share, set -n to the NFS root directory. However, if you do this, every path (-v, -i, -o, -n) must be on the NFS." - echo "-d Additional arguments for apptainer" - exit 1 - ;; - esac -done -shift "$(($OPTIND -1))" - - -# Remaining arguments: command to be executed -PIPELINE_CMD=$@ - -command="pip install $PUMI_VER >/dev/null; $PIPELINE_CMD" - -current_dir=$(pwd) - -if [[ "$PUMI_VER" == "."* ]]; then - PUMI_VER="${current_dir}/${PUMI_VER}" -fi - -if [[ "$INDIR" == "."* ]]; then - INDIR="${current_dir}/${INDIR}" -fi - -if [[ "$OUTDIR" == "."* ]]; then - OUTDIR="${current_dir}/${OUTDIR}" -fi - -if [[ "$NFS_ROOT" == "."* ]]; then - NFS_ROOT="${current_dir}/${NFS_ROOT}" -fi - - -if [ -z "$NFS_ROOT" ]; then - echo "Using local paths (no NFS)..." - - if [ -n "$INDIR" ]; then - echo "Mounting input directory ${INDIR} to container" - APPTAINER_CMD="$APPTAINER_CMD --bind $INDIR:/input:ro" - PIPELINE_CMD="$PIPELINE_CMD --bids_dir=/input" - fi - - if [ -n "$OUTDIR" ]; then - echo "Creating output directory and mounting output directory ${OUTDIR} to container" - mkdir -p $OUTDIR - APPTAINER_CMD="$APPTAINER_CMD --bind $OUTDIR:/output" - PIPELINE_CMD="$PIPELINE_CMD --output_dir=/output" - fi - -else - - APPTAINER_CMD="$APPTAINER_CMD --bind ${NFS_ROOT}:/nfs/" - - INDIR=$(realpath --relative-to="$NFS_ROOT" "$INDIR") - OUTDIR=$(realpath --relative-to="$NFS_ROOT" "$OUTDIR") - - if [ -n "$INDIR" ]; then - PIPELINE_CMD="$PIPELINE_CMD --bids_dir=/nfs/${INDIR}" - fi - - if [ -n "$OUTDIR" ]; then - PIPELINE_CMD="$PIPELINE_CMD --output_dir=/nfs/${OUTDIR}" - fi - -fi - -if [[ -d "$NFS_ROOT" && "$PUMI_VER" == "$NFS_ROOT"* ]]; then - # A path to PUMI was specified and it seems like it is on the NFS - PUMI_DIR=$(realpath --relative-to="$NFS_ROOT" "$PUMI_VER") - PUMI_VER="/nfs/${PUMI_DIR}" - -else - APPTAINER_CMD="$APPTAINER_CMD --bind $PUMI_VER:/home/pumi/PUMI" - PUMI_VER="/home/pumi/PUMI" - -fi - -command="set -x; pip install --user $PUMI_VER; pip install --user scikit-learn==1.1.2; python3 ${PUMI_VER}/pipelines/$PIPELINE_CMD" - - -echo "" -echo + apptainer exec $APPTAINER_CMD docker://pnilab/pumi:latest bash -c \"$command\" -echo "" - -apptainer exec $APPTAINER_CMD docker://pnilab/pumi:latest bash -c "$command" From b67735a00f489e07dbf53e86d5204eae551a0790 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 12:01:33 +0100 Subject: [PATCH 11/20] Delete run_pumi_docker and run_pumi_docker_nfs --- scripts/run_pumi_docker | 78 --------------------------------- scripts/run_pumi_docker_nfs | 86 ------------------------------------- 2 files changed, 164 deletions(-) delete mode 100755 scripts/run_pumi_docker delete mode 100755 scripts/run_pumi_docker_nfs diff --git a/scripts/run_pumi_docker b/scripts/run_pumi_docker deleted file mode 100755 index ba25b49..0000000 --- a/scripts/run_pumi_docker +++ /dev/null @@ -1,78 +0,0 @@ -#!/bin/bash - -# run example: scripts/run_pumi_docker -v /home/tspisak/src/PUMI -i ~/datasets/pumi-minitest/ -o /home/tspisak/src/PUMI/data_out/rpn-derivatives PUMI/pipelines/rpn_signature.py --participant_label 001 --working_dir=PUMI/data_out - -while getopts 'v:i:o:d:h' opt; do - case "$opt" in - v) - # PUMI VERSION, this gets passed to pip install - # if it's a path than install from local source - # but it can also be from github - # and (later) simply the PIPY package name - PUMI_VER="$OPTARG" - ;; - - i) - # input BIDS dir, if used, argument should be a BIDS-app - INDIR="$OPTARG" - ;; - o) - # output dir (derivatives), if used, argument should be a BIDS-app -# Dirctory where the results should be put -# this will be mounted and maybe we match some stuff automatically - OUTDIR="$OPTARG" - ;; - d) - # additional docker command line arguments - # can be used e.g. to mount volumes - DOCKER_CMD="$OPTARG" - ;; - - ?|h) - echo "Usage: $(basename $0) [-v] [-i] [-o] [-d] [-h] commands" - echo "-v PUMI version to use (can be a path, or an argument to pip install, e.g. a github link)" - echo "-i Local input BIDS folder (mounts it and adds argument for BIDS apps)" - echo "-o Local output folder (mounts it and adds argument for BIDS apps)" - echo "-d Additional arguments for docker run" - exit 1 - ;; - esac -done -shift "$(($OPTIND -1))" - - -# Remaining arguments: command to be executed -PIPELINE_CMD=$@ - -command="pip install $PUMI_VER >/dev/null; $PIPELINE_CMD" - -# determine what to mount -if [ -d "$PUMI_VER" ]; then - DOCKER_CMD="$DOCKER_CMD -v $PUMI_VER:/home/pumi/PUMI" - PUMI_VER="./PUMI" -fi - -# todo: a better way: automount if BIDS app is called -# how to decide? have a flag! -if [ -n "$INDIR" ]; then - DOCKER_CMD="$DOCKER_CMD -v $INDIR:/input:ro" - PIPELINE_CMD="$PIPELINE_CMD --bids_dir=/input" -fi - -if [ -n "$OUTDIR" ]; then - mkdir -p $OUTDIR - DOCKER_CMD="$DOCKER_CMD -v $OUTDIR:/output" - PIPELINE_CMD="$PIPELINE_CMD --output_dir=/output" -fi - -command="set -x; pip install $PUMI_VER >/dev/null; $PIPELINE_CMD" - -echo "" -echo + docker run --user="$(id -u):$(id -g)" $DOCKER_CMD pnilab/pumi:0.5 bash -c \"$command\" -echo "" - -docker run --user="$(id -u):$(id -g)" $DOCKER_CMD pnilab/pumi:0.5 bash -c "$command" - - - - diff --git a/scripts/run_pumi_docker_nfs b/scripts/run_pumi_docker_nfs deleted file mode 100755 index 149e824..0000000 --- a/scripts/run_pumi_docker_nfs +++ /dev/null @@ -1,86 +0,0 @@ -#!/bin/bash - -# Steps to run a script on the HPC -while getopts 'b:v:i:o:d:h' opt; do - case "$opt" in - b) - # NFS root dir - NFS_ROOT="$OPTARG" # e.g. /homes// - ;; - - v) - # PUMI VERSION, this gets passed to pip install - # if it's a path than install from local source - # but it can also be from github - # and (later) simply the PIPY package name - PUMI_VER="$OPTARG" - ;; - - i) - # input BIDS dir, if used, argument should be a BIDS-app - INDIR="$OPTARG" - ;; - o) - # output dir (derivatives), if used, argument should be a BIDS-app -# Dirctory where the results should be put -# this will be mounted and maybe we match some stuff automatically - OUTDIR="$OPTARG" - ;; - d) - # additional docker command line arguments - # can be used e.g. to mount volumes - DOCKER_CMD="$OPTARG" - ;; - - ?|h) - echo "Usage: $(basename $0) [-v] [-i] [-o] [-d] [-h] commands" # todo: add b) - echo "-v PUMI version to use (can be a path, or an argument to pip install, e.g. a github link)" - echo "-i Local input BIDS folder (mounts it and adds argument for BIDS apps)" - echo "-o Local output folder (mounts it and adds argument for BIDS apps)" - echo "-d Additional arguments for docker run" - exit 1 - ;; - esac -done -shift "$(($OPTIND -1))" - - -# Remaining arguments: command to be executed -PIPELINE_CMD=$@ - -command="pip install $PUMI_VER >/dev/null; $PIPELINE_CMD" - -NFS_USER_DIR_NAME=$(basename "$NFS_ROOT") # e.g. -DOCKER_BASE_DIR=/home/pumi/${NFS_USER_DIR_NAME}/ -DOCKER_CMD="$DOCKER_CMD -v ${NFS_ROOT}:${DOCKER_BASE_DIR}" - -if [[ "$PUMI_VER" != git+* ]] && [[ -d "$PUMI_VER" ]]; then - PUMI_DIR="${DOCKER_BASE_DIR}/${PUMI_VER}" -fi - -if [[ "$PUMI_VER" == git+* ]]; then - PUMI_DIR=${DOCKER_BASE_DIR}/PUMI/ -fi - -# todo: a better way: automount if BIDS app is called -# how to decide? have a flag! -if [ -n "$INDIR" ]; then - #DOCKER_CMD="$DOCKER_CMD -v $INDIR:/input:ro" - PIPELINE_CMD="$PIPELINE_CMD --bids_dir=${DOCKER_BASE_DIR}/${INDIR}" -fi - -if [ -n "$OUTDIR" ]; then - PIPELINE_CMD="$PIPELINE_CMD --output_dir=${DOCKER_BASE_DIR}/${OUTDIR}" -fi - -command="set -x; pip install $PUMI_DIR >/dev/null; python3 ${PUMI_DIR}/${PIPELINE_CMD}" - -echo "" -echo + docker run --user="$(id -u):$(id -g)" $DOCKER_CMD pnilab/pumi:0.5 bash -c \"$command\" -echo "" - -docker run --user="$(id -u):$(id -g)" $DOCKER_CMD pnilab/pumi:0.5 bash -c "$command" - - - - From b4829b4ed4691d9bffadcc1fd1898d06e5c3be28 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 14:35:08 +0100 Subject: [PATCH 12/20] Create parent folders for software_versions.txt if needed --- PUMI/engine.py | 7 ++++--- 1 file changed, 4 insertions(+), 3 deletions(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 63bdd1f..074fa8d 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -1,6 +1,6 @@ import argparse from configparser import SafeConfigParser - +from pathlib import Path from PUMI._version import get_versions from nipype.pipeline.engine.workflows import * from nipype.pipeline.engine.nodes import * @@ -648,7 +648,8 @@ def save_software_versions(wf): except: continue - path = str(Path(wf.sink_dir) / "software_versions.txt") - with open(path, "w") as f_obj: + path = Path(wf.sink_dir) / "software_versions.txt" + path.parent.mkdir(parents=True, exist_ok=True) + with open(str(path), "w") as f_obj: for key, value in result.items(): f_obj.write('%s: %s\n' % (key, value)) From ebe84298aa522ec92bd65f59af940d0a168d1ff1 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 14:36:16 +0100 Subject: [PATCH 13/20] Try scikit-learn 1.3.2 --- pyproject.toml | 4 ++-- requirements.txt | 2 +- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 31c8cc8..e51895b 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -28,7 +28,7 @@ classifiers = [ ] [tool.poetry.dependencies] -python = ">=3.7" +python = ">=3.7 <3.12" networkx = "<3" dot2tex = ">=2.11.3" templateflow = ">=0.8.0" @@ -51,7 +51,7 @@ myst-parser = "*" nibabel = ">=5.0.0" hd-bet = { git = "https://github.com/MIC-DKFZ/HD-BET.git" } deepbet = "*" -scikit-learn = "==1.1.2" +scikit-learn = "1.3.2" [tool.poetry.dev-dependencies] diff --git a/requirements.txt b/requirements.txt index b626a52..a33a4e8 100644 --- a/requirements.txt +++ b/requirements.txt @@ -20,4 +20,4 @@ myst-parser nibabel>=5.0.0 git+https://github.com/MIC-DKFZ/HD-BET.git deepbet -scikit-learn==1.1.2 +scikit-learn==1.3.2 From 0fe2695f3dd31a06ca7ad70b86b3d3287082b647 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 15:11:24 +0100 Subject: [PATCH 14/20] Adapt RPN model to scikit-learn version 1.3.2 --- resources/model_rpn.json | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/resources/model_rpn.json b/resources/model_rpn.json index a69a839..41611ee 100644 --- a/resources/model_rpn.json +++ b/resources/model_rpn.json @@ -1 +1 @@ -{"ElasticNet": {"model_params": {"intercept_": 0.06813298030813007, "coef_": [-0.08642296646581857, 0.0, 0.24527388960655136, -0.05663512490885787, -0.056035129107950186, -0.0, -0.0030063192930978545, -0.0, -0.062490519840676606, 0.149633648663748, 0.04278500942105076, -0.017230548634872136, 0.2702318007498354, -0.20061663073450364, -0.0012494934794564227, 0.008738243249197263, -0.10246776200510793, -0.05391336300275042, 0.08507846795458755, 0.057692789188211815, -0.07257096859337347, -0.04423685507383737, -0.05894899769512614, -0.0, 0.0949107860114584], "dual_gap_": 0.00025329466119089483, "n_iter_": 47, "sparse_coef_": [[-0.08642296646581857, 0.0, 0.24527388960655136, -0.05663512490885787, -0.056035129107950186, 0.0, -0.0030063192930978545, 0.0, -0.062490519840676606, 0.149633648663748, 0.04278500942105076, -0.017230548634872136, 0.2702318007498354, -0.20061663073450364, -0.0012494934794564227, 0.008738243249197263, -0.10246776200510793, -0.05391336300275042, 0.08507846795458755, 0.057692789188211815, -0.07257096859337347, -0.04423685507383737, -0.05894899769512614, 0.0, 0.0949107860114584]]}, "init_params": {"normalize": false, "warm_start": false, "selection": "cyclic", "fit_intercept": true, "l1_ratio": 0.999, "max_iter": 100000, "precompute": false, "random_state": null, "tol": 0.0001, "positive": false, "copy_X": true, "alpha": 0.005}}, "SelectKBest": {"model_params": {"pvalues_": [0.9816567557080353, 0.21523637236089863, 0.9107140811315716, 0.13851801887720308, 0.7153130407182405, 0.2647666108264817, 0.4553968029594412, 0.860535363488322, 0.40386971172944286, 0.7573522399808398, 0.5798013488596134, 0.6541237136577207, 0.9078046091731192, 0.11449573629338104, 0.12568257501111893, 0.7820342315178573, 0.9216659462936837, 0.631642478305297, 0.6914047263350329, 0.5275332360722396, 0.8633258482503341, 0.38946362656554046, 0.6873045731212726, 0.9704185659826438, 0.9290078243465606, 0.016840168662388594, 0.770042208829255, 0.0991556621260896, 0.459092999445442, 0.08781007944578287, 0.8656132391935814, 0.6006353045984716, 0.7877703239285563, 0.32670519485100347, 0.6784603804743338, 0.9821389610569281, 0.2332562645525936, 0.011889716732888946, 0.4311662152022051, 0.4542609124554631, 0.5175902774144548, 0.6460306714456253, 0.4337849244859212, 0.24901576359029054, 0.27452629822841307, 0.598207667138209, 0.33281429909040183, 0.49486546691562805, 0.9247157999161713, 0.4033842547278179, 0.8445666610267875, 0.10005280878850661, 0.5836170318030998, 0.8571383007124341, 0.1382663919230905, 0.9021464621691965, 0.5836592078441843, 0.19495950750858407, 0.867382839801411, 0.26939394115824, 0.20238549924993676, 0.4669192317656593, 0.33038917579987515, 0.5816328500011563, 0.11502454112953799, 0.7446286528891616, 0.06901305610077009, 0.0438063221337117, 0.8961836343247639, 0.6600311740092997, 0.09484354551360807, 0.6084225375661134, 0.48415794192614836, 0.7948189077386915, 0.15122351195710448, 0.5554602690455355, 0.0114746075281114, 0.6206869139862721, 0.21174696550187572, 0.32104165962377357, 0.7497589065670354, 0.6010544822760977, 0.8782008541373495, 0.42975385006968325, 0.7578849619289085, 0.376312707888365, 0.7972762678942599, 0.0917119763837936, 0.11706360708700228, 0.9613284489097135, 0.7218428670875328, 0.41823642277043516, 0.705707285100903, 0.47440063833469637, 0.14309118107820915, 0.4468843511587546, 0.9389620803504676, 0.6566112681623478, 0.16632725585804134, 0.06670148115852838, 0.5399612336050233, 0.7804577746222849, 0.1949040418406057, 0.5514351117494714, 0.9953389951689283, 0.07163868238663033, 0.6809095229288326, 0.8645796848774234, 0.9423975561197998, 0.18606761756378395, 0.316335345171622, 0.6876831757304281, 0.4170050259175315, 0.02447145242612224, 0.20012724464312096, 0.4110954648750127, 0.6823229556644108, 0.9702883349614582, 0.9190018258367233, 0.19643090135989164, 0.3759666102001975, 0.16409330721119633, 0.14902457087142887, 0.5516274916284885, 0.17539562539308018, 0.6629268779312646, 0.9419073399913682, 0.9511453407287068, 0.9055911625726114, 0.3596544609864978, 0.9096325515214075, 0.12377045000780898, 0.2041750001786868, 0.08578628641422782, 0.7585770353267206, 0.6926076129886883, 0.920146098433959, 0.39505048710137813, 0.42292185088374534, 0.9326437798570478, 0.14391955900372444, 0.8717036841206661, 0.034961328857691966, 0.44123227820800626, 0.5750084826726083, 0.3181081818495783, 0.059894214124557234, 0.2576938762734591, 0.4848966256063977, 0.877022857144826, 0.574220258298045, 0.39966715375929296, 0.4136826366494246, 0.0106587522892475, 0.7661381636288722, 0.08467506532453871, 0.7854693732539509, 0.5399099226964574, 0.08155451111813258, 0.7188644837523777, 0.989440803860406, 0.9686486248643619, 0.1620556557383703, 0.8876941748871909, 0.22249680710541012, 0.17101485765402502, 0.4026436538401599, 0.404116990992215, 0.6772554043427135, 0.16754886094671162, 0.13226170786222963, 0.31713238645940045, 0.9427204990585304, 0.13668244673828991, 0.16143044774858306, 0.14648401420070162, 0.9550995235033265, 0.6785603979466734, 0.2021198837967691, 0.9926403806497311, 0.44552842086267064, 0.3001260122784724, 0.6549952929915634, 0.40712858337291025, 0.8754158856233386, 0.47305190811636844, 0.9583043669471554, 0.9579167409921855, 0.9804059417249225, 0.17188650972309613, 0.9784669262700824, 0.657050475396324, 0.5927772660990085, 0.3825320781143561, 0.6633949257078301, 0.5666795042357177, 0.7915952136797394, 0.877031940697993, 0.7128097118843568, 0.970687765157136, 0.7670622276363643, 0.4125247912694261, 0.7110943379018283, 0.6602520401955737, 0.964650509436983, 0.24412648567461775, 0.9700914161051274, 0.6716267933708691, 0.9602385139555009, 0.4291177963328888, 0.6769118593043443, 0.5919960165655695, 0.18701386370278103, 0.9786432478636653, 0.6588556983581856, 0.8876266654224758, 0.4838409403098951, 0.3802669016819664, 0.9621049343953195, 0.8522289161946994, 0.8397757804511167, 0.7249492356644403, 0.8176555071059615, 0.30580297048847355, 0.45216747627204756, 0.17672430181216445, 0.3104599740246469, 0.7004342715854838, 0.35417714171133907, 0.5957385855685056, 0.35410522005781053, 0.7211936386847255, 0.7705784842615688, 0.7974282635855701, 0.37441765632484436, 0.6325503373853795, 0.27505734810134763, 0.6352572388784309, 0.00888246452991922, 0.18533681393869933, 0.5883245878469101, 0.5901404877590744, 0.1146318931124355, 0.08576941072246733, 0.9568399706084356, 0.7623959688640868, 0.08701805263113063, 0.9618122626428632, 0.04496612882440518, 0.9686277072209495, 0.9888162919373149, 0.759891950564277, 0.19218442330641508, 0.8275440072732714, 0.8456211743652748, 0.24524713682759292, 0.13526817063636679, 0.48981379473255604, 0.022676625385786457, 0.471926723764168, 0.6250246553706982, 0.9463585792996607, 0.9414710780028056, 0.6718979107104284, 0.38816276409734496, 0.03774548701609629, 0.6627418025470938, 0.36274078669394627, 0.5900724759770141, 0.34381500815877764, 0.9136599580139175, 0.4489775456933617, 0.2858874041399124, 0.6379144156592915, 0.9476495745911457, 0.5625627905638422, 0.6889159231086718, 0.6326937650630658, 0.40442118422900364, 0.6384562914837957, 0.9541060530941995, 0.906809600597422, 0.2384524874515491, 0.41309969768348, 0.8744286056658174, 0.3484381290788514, 0.2539650020558497, 0.3206832024273223, 0.93932132040742, 0.49762030972723326, 0.8435185450305425, 0.08319519848815907, 0.7659367675945142, 0.11568059930524785, 0.6967056863814292, 0.16380203103342722, 0.754336022371457, 0.618308748252708, 0.9005992108407173, 0.9383735469144243, 0.15441816515442938, 0.9053600182365066, 0.1425061300942908, 0.4637495209243272, 0.5098796259948286, 0.1390130058191007, 0.28997671145199266, 0.5185055405874814, 0.7250906781349087, 0.70213167634091, 0.34664303979358724, 0.7978873021151927, 0.6142352528100411, 0.7441552128552524, 0.9658042244877887, 0.7905035015277325, 0.7396286309184283, 0.34585398690281977, 0.7351756829098313, 0.9668535195782473, 0.43199485257780057, 0.035106459691229386, 0.5418614039597607, 0.3700521795919248, 0.3446656462642286, 0.32903499208913456, 0.7057827888025942, 0.8998473944890545, 0.5042334210314161, 0.6044193417666013, 0.2854240034588049, 0.3021861325282043, 0.2335525104363151, 0.9925712482463237, 0.5313793872702027, 0.09178312644948265, 0.6805528841855154, 0.5839839115545433, 0.5066767969781601, 0.56368312908913, 0.506870554709178, 0.5622266679235419, 0.8726307772817714, 0.884434054779153, 0.5930880943945951, 0.8946486557131271, 0.7216871743393872, 0.781505691601287, 0.7580943573621302, 0.6031327628031031, 0.02954614065301274, 0.2182262605389423, 0.048325378570774645, 0.37028514940562485, 0.5539836723546165, 0.04331137912527449, 0.061310208764279325, 0.45634939759418414, 0.36868609830813415, 0.021949571186953096, 0.12171878098228152, 0.8687562530181994, 0.7907078751317642, 0.2608974078367344, 0.19597651992716644, 0.1903562329985736, 0.5779403734272672, 0.9447831097393977, 0.7178816508220144, 0.8624501565887273, 0.9107246120631333, 0.23652366531764565, 0.8556119928096868, 0.19609510970130065, 0.09335060493241046, 0.0688468065607364, 0.8556881623722099, 0.8291260276236663, 0.01834619656143756, 0.9144189246167483, 0.6766023641295537, 0.12360811522217305, 0.7699711785891352, 0.6875687019777761, 0.6381449969143087, 0.6793713875656364, 0.9930684268708475, 0.6582294826479363, 0.2211581158527353, 0.4776467572761566, 0.1608588891694772, 0.7186724147537845, 0.1446821328658061, 0.4701191012816587, 0.5001249889074988, 0.9221563583015301, 0.8984061196349167, 0.7831805289600331, 0.9492692391083387, 0.8071405340585593, 0.8793517892173082, 0.058253616703296505, 0.7584700602830557, 0.9419709876793202, 0.25241990142575293, 0.4755292662416185, 0.33452338218545474, 0.08032673955429113, 0.1765415758668369, 0.45426625758143846, 0.03030030334841309, 0.11361974467873719, 0.5916193286934807, 0.1904996929878498, 0.6801263428057389, 0.5090005350713491, 0.15897843832569697, 0.8192062630540771, 0.2103783624495657, 0.31150327198837247, 0.8672356544753757, 0.8016056346237335, 0.6450306657450982, 0.15465956726922717, 0.6669304261071826, 0.3834608268073276, 0.8074035684291383, 0.012656328723461343, 0.848045757006452, 0.5250836111767265, 0.26321298512190205, 0.79295282522273, 0.4012113025060674, 0.8920657409329096, 0.86479502068955, 0.29548244860588696, 0.1644860699382803, 0.5341163158710711, 0.7027036748184408, 0.011865853176007881, 0.33484762629254283, 0.7852124807866303, 0.5340483122527999, 0.2235540391166167, 0.39021662194064133, 0.8898945851564779, 0.9440099580087288, 0.6337474259411067, 0.00711311508209849, 0.7834878770675894, 0.23972287463439904, 0.020133999284226052, 0.6852834658681708, 0.45026805750491794, 0.32403721742932495, 0.15391437759768511, 0.4635476042951302, 0.1929184738786918, 0.3492435711850669, 0.7163046295319873, 0.47886341738255067, 0.3045561954707537, 0.7537528870978282, 0.8718175685314183, 0.7096629595909474, 0.2049269028416512, 0.6046723408655523, 0.23984502581817582, 0.23746756750716191, 0.9623771278581077, 0.9070822949415037, 0.11354272934744473, 0.7687912512005043, 0.14329519292085605, 0.19499095335249278, 0.7907752600906731, 0.3899039501826127, 0.8901093887509187, 0.2288114725652047, 0.42167366405081363, 0.6860700005206543, 0.07736985692938149, 0.76104880184484, 0.41171564966319607, 0.4381931846113938, 0.9983217204271978, 0.4148696139802782, 0.15082031734705487, 0.3130828380707173, 0.26002985859840283, 0.5534084171873341, 0.4151965539131387, 0.2209314229364637, 0.8180983457205314, 0.3421662870316877, 0.21237409911992908, 0.008731821825161138, 0.30621884411619976, 0.3631718432271148, 0.6405788951276418, 0.6970295126729021, 0.03571354935084043, 0.7424652529255571, 0.35117628828314484, 0.7179764704492193, 0.6555446410019471, 0.6062802172170123, 0.10344570804549734, 0.7220916417034938, 0.4562128387058172, 0.7273258894438637, 0.2591915410574735, 0.5486589462507991, 0.9928725103487294, 0.41851745214731273, 0.06925605386602762, 0.4050002043162628, 0.20091147760912836, 0.9504578803755231, 0.1297914227776118, 0.8904329354927745, 0.5264983888575179, 0.9011968160258698, 0.14600191016657205, 0.8030231666894891, 0.89966223946086, 0.7771628427265354, 0.8341054266963002, 0.0947154891200228, 0.44573281165556033, 0.9574629970046359, 0.5203793176738345, 0.530961669307582, 0.7110463767586501, 0.05836392222295518, 0.9881919219112679, 0.07097614216019421, 0.9579691102457856, 0.3594876305351714, 0.4274993205875195, 0.9747451626100879, 0.02235886804672519, 0.015760343364042757, 0.39823654425212274, 0.5775537697346309, 0.7648949035889401, 0.2920437581371148, 0.9995173823377903, 0.5003040201381006, 0.8842215001446473, 0.01404230360631551, 0.9887985872632763, 0.32493054514744757, 0.7779074807179956, 0.9619133874654135, 0.37364087723686623, 0.28536872838558486, 0.18415065012737136, 0.768504245323364, 0.7893560614354288, 0.3385268189895496, 0.0015744656412171843, 0.30653639742406924, 0.5296808161507098, 0.9385517304243124, 0.8806336580021905, 0.5526055016330662, 0.9549445211712351, 0.9822518486360752, 0.4430045634950157, 0.8358183337854722, 0.4673317576273234, 0.7752145585587528, 0.29617735007911594, 0.29242252365148574, 0.16653334734943354, 0.22213299649303858, 0.6402545050961994, 0.9698203674384266, 0.47013732129901886, 0.7300695658291565, 0.7216182567171321, 0.31535777332854864, 0.7920189958358061, 0.7261282624306928, 0.4454545195587154, 0.23846297680260842, 0.07096001840248302, 0.31070902673316714, 0.34993849529648124, 0.047747865489515755, 0.6784261355306604, 0.38660122745956427, 0.40206768643241864, 0.12164338769873718, 0.4907419591879918, 0.6754687825797934, 0.248136133606602, 0.5483274509366418, 0.6759849061065324, 0.4317762366855292, 0.5701127964851254, 0.09313165902426047, 0.1903494935570248, 0.9559543994939824, 0.7203129138500421, 0.26614127965937767, 0.9541189206688798, 0.8054554927109792, 0.38003432933064485, 0.11109289424389548, 0.12203432027282003, 0.20338244954470866, 0.051643556363861635, 0.5582701914445296, 0.7868114174011156, 0.8488743544660646, 0.5343986484710921, 0.2793007180727362, 0.9782118093343819, 0.12163071585364123, 0.758085863331823, 0.7117211378722563, 0.37440877589239097, 0.30851308102340486, 0.48528790244187026, 0.17048024006975895, 0.10897515790176515, 0.46708522055269674, 0.7637716190842937, 0.06153066148549879, 0.5783627342319861, 0.022851409091751682, 0.5681289620254717, 0.12108205437542297, 0.5466957317327881, 0.5110963723196915, 0.5624265875333749, 0.5029098252733559, 0.5417936082368704, 0.4543052118934544, 0.9523320228964814, 0.1445490451982788, 0.11273333134033668, 0.6757407008362798, 0.44917291811001325, 0.931677350011881, 0.648973576543175, 0.5675839549821223, 0.40275161440524365, 0.264526769663391, 0.2662360189317887, 0.9849965220953723, 0.12233397152174887, 0.06026709953140415, 0.8350928954602694, 0.10624813643792612, 0.4197863312999043, 0.5241613284057726, 0.2325245218068393, 0.6055168093648184, 0.38573046846194403, 0.29713214731960796, 0.8234789995877904, 0.8468757379897724, 0.10248573616080893, 0.36405789258644783, 0.4872176826421821, 0.8922306182223122, 0.4993486653958281, 0.07359993588532622, 0.3422623621036692, 0.9787087516645705, 0.31992061252451465, 0.5370819982479133, 0.4616661136253035, 0.5416799359929604, 0.8694929073476763, 0.7216958163370628, 0.7455142738224874, 0.6612275801857018, 0.5871668332539948, 0.5388706692851941, 0.2074100154219207, 0.1500703555056451, 0.43817969030143267, 0.4867289075040203, 0.0792351329956387, 0.6894062199630528, 0.027787665376565355, 0.5641906828095664, 0.6649488252126656, 0.5563797512744632, 0.8255760057713575, 0.3764744048234726, 0.47735239274266716, 0.6831025472499073, 0.5647503677286398, 0.015390249419053488, 0.7419621894725774, 0.347606239961726, 0.1227711203432462, 0.740175001717283, 0.48384846962496897, 0.07288001464106975, 0.0032409970696513583, 0.8102574182028326, 0.19375089716281996, 0.46843634811716905, 0.06422342510705531, 0.7187465883249662, 0.06276034559545879, 0.007278494510040972, 0.029664716781180527, 0.16025707156487926, 0.5749772194317235, 0.3597422607117601, 0.23960004003140137, 0.4663254885175556, 0.6829329342743304, 0.7338148598996568, 0.15073135623670245, 0.19118365407219065, 0.8449666338440371, 0.7327124684422255, 0.3019146770137161, 0.023332938610193046, 0.96299177203741, 0.7671763880489313, 0.9673974787965482, 0.4928911488242529, 0.8188261210379305, 0.48213649965036454, 0.811070597244403, 0.9214304379625804, 0.974943073482575, 0.9634669148414541, 0.6328764231950388, 0.5450778979030043, 0.11708674763773076, 0.4022344983013648, 0.47048419024053956, 0.5290125376732027, 0.8657794302412917, 0.05617516207946211, 0.8498877415164876, 0.808517464696012, 0.2190873146541386, 0.004206039929487751, 0.5072559429187609, 0.5523882564453915, 0.04687645641652207, 0.09162992877054522, 0.057375902573263915, 0.6606757420148667, 0.961338621692001, 0.0940737236313533, 0.6817095989318784, 0.9510050158929687, 0.5727379874857998, 0.8244793731737481, 0.30074422014489993, 0.0700422230915091, 0.686328538328519, 0.12827880106728812, 0.7147826589536725, 0.14544272731130725, 0.573456155469158, 0.6667680166897604, 0.9875131391714367, 0.9340808629197803, 0.5535023457313903, 0.7645831502271105, 0.7696945148859451, 0.4713205698843137, 0.6448792031549322, 0.4072619353239513, 0.1834543123772571, 0.16081998172348513, 0.1697359594419341, 0.09751267696903322, 0.899790126864192, 0.6505146858281055, 0.912026978976913, 0.21757040735728075, 0.5701369028267953, 0.057490429097711584, 0.94337190745806, 0.6144079054257849, 0.07651316892881131, 0.9011240414100636, 0.12887222135989915, 0.0461363299270626, 0.11877548488383682, 0.17151678849815097, 0.6305348727310247, 0.752659322494603, 0.44287681424449954, 0.8528058669990926, 0.11241621325416526, 0.07761895397965524, 0.1735102546722939, 0.8723970981034646, 0.6695632191675733, 0.3972418626597142, 0.8396665695082929, 0.5694655684160208, 0.4820844900685498, 0.8637944300337577, 0.9281055087982995, 0.43940324650293217, 0.8439459239170446, 0.17944900049176926, 0.6832530507192807, 0.23495940928606904, 0.23140085263284807, 0.7042213245570728, 0.9084854545004667, 0.6452160424409853, 0.13467349939141884, 0.3906696395275502, 0.2717325940070201, 0.7490033159609619, 0.08538137097313657, 0.6248754951238931, 0.676390923231242, 0.9869279851059047, 0.09882430287548823, 0.2576817279202321, 0.6014278686261666, 0.00307648247863664, 0.8974790989370611, 0.3172450070116567, 0.4718288888125527, 0.3470477897193225, 0.6428675914497433, 0.24274662983022866, 0.2155070399008554, 0.6044776037604931, 0.08833310028748656, 0.2846952138587364, 0.8969472903858831, 0.09565429765418632, 0.4956144207251383, 0.9162610191575077, 0.32581529648899243, 0.7218925466829964, 0.9726422371125837, 0.8793801886103298, 0.2525741601839798, 0.5062583350836027, 0.5802897366871917, 0.8354738359388866, 0.7201064069990718, 0.25730465654526447, 0.09844234423450232, 0.6014838653521524, 0.647709023130993, 0.15529509963487798, 0.08439520110361533, 0.44029279220629747, 0.3868925436942736, 0.5464938080775541, 0.5276658746596634, 0.4154186767757795, 0.006601084367175166, 0.4313526952465824, 0.4106388626614571, 0.7984433763616245, 0.39410239846281914, 0.7063926797490703, 0.9485403839465336, 0.9530467514411997, 0.48285887976128783, 0.9006060671195409, 0.813874565320289, 0.30735099942564603, 0.3796388811280531, 0.8908644026918745, 0.702575672331629, 0.890297276729934, 0.40150461135926685, 0.3908461584637192, 0.36064736033487554, 0.13671407811582775, 0.024745751620985863, 0.5693929603330852, 0.3521906697772613, 0.29152534420230664, 0.4261256896014358, 0.5566220030334039, 0.38103748132837334, 0.5549534261686668, 0.27187486599796074, 0.6104922922689964, 0.31932766184880423, 0.7021115501315972, 0.2292338674938598, 0.593346115190593, 0.4676174584043786, 0.4044879542285691, 0.7286264638483096, 0.0747323793119469, 0.20391156461143278, 0.7210732885794593, 0.8327857555133438, 0.7793936830880553, 0.13864656503544692, 0.7073446403421226, 0.9694801558327674, 0.4093890898800967, 0.8773300804432301, 0.5662675862908466, 0.9657103351886075, 0.38191904549957734, 0.980877364388102, 0.2347648632196095, 0.658326422872308, 0.8729121460072272, 0.07838405582768862, 0.3953185461141643, 0.6270532490790406, 0.8912842158627379, 0.4955013573466658, 0.790080204434028, 0.7642663962741608, 0.12549857166337278, 0.23131521391042525, 0.9473802201181852, 0.6909897944014664, 0.5317010415348549, 0.06069965625490401, 0.47753866281712853, 0.45286095504433543, 0.6408876034532118, 0.10447844932132752, 0.03680745817152061, 0.3959715348210172, 0.7257362544475878, 0.09259629317236316, 0.08162210848153047, 0.07913961296651269, 0.18822942831659306, 0.0037064548404353898, 0.9284637679159237, 0.5333072609766759, 0.737102808981443, 0.17484602014628714, 0.5018272702905611, 0.6582318718451949, 0.6546546473739665, 0.8400077683243348, 0.4280176456617871, 0.8465491288753951, 0.4041749180561912, 0.6315739358851513, 0.39085832044974866, 0.32660289780967366, 0.3332461631429784, 0.616104020964844, 0.4232589653273938, 0.43708116931008867, 0.44603115976617713, 0.38445507604614526, 0.9409189313442914, 0.3047547770396097, 0.398489587597155, 0.1471540097541291, 0.4554524808560263, 0.08683875393473398, 0.6601370687629212, 0.4067914620124511, 0.4679772766731859, 0.1346457299324596, 0.4524126553694833, 0.20440979132156958, 0.09485028193205994, 0.6548339361497082, 0.17504397548152048, 0.9110306892718352, 0.7073034504858601, 0.7742046277550356, 0.11681803020572182, 0.20941338993118847, 0.5286266967097972, 0.3397491271519508, 0.17473782905913166, 0.1883006699634866, 0.22710057486856536, 0.33055910081176243, 0.31986952229898674, 0.5535706193722574, 0.49655611915575004, 0.6854556735933879, 0.7061031816426209, 0.22886312653008217, 0.31096015541138305, 0.3644896377731772, 0.28347043177426157, 0.9330371788012581, 0.7441206983891802, 0.34364170535537, 0.73470043234858, 0.7869768828563348, 0.6194094672730348, 0.0003356962987102453, 0.7374950824470203, 0.3824519128935667, 0.7514726274631416, 0.9153074034263265, 0.4084684541302954, 0.9201193919893478, 0.8114428895817485, 0.7132293192596184, 0.023761441970390856, 0.8861481040951927, 0.1174645192697361, 0.09129925390451964, 0.015490137257035382, 0.5218189205714551, 0.3085144159687897, 0.20043250947456284, 0.07411136236622788, 0.3358354414796513, 0.8268062895252432, 0.5177616470135652, 0.7223154265899546, 0.4612885457520193, 0.4916112435223595, 0.09710247760082615, 0.8526965172399985, 0.4965923145568868, 0.0642927444101514, 0.378974669300026, 0.7792475784398661, 0.3810576478484442, 0.3986231116508996, 0.8769143707117206, 0.40714625034636664, 0.7552259806415688, 0.5991214156313167, 0.7588377196496403, 0.04670266103076831, 0.016149008739551763, 0.34362638426925185, 0.9007235329092026, 0.1122628761028174, 0.5690452640260526, 0.8537567770906673, 0.07220009172352139, 0.5452418402918616, 0.33125438133707974, 0.8566755273436528, 0.9735219321196235, 0.21977645302418863, 0.31522472816129243, 0.5373743918815699, 0.6512343215668909, 0.9695020878428865, 0.4450956835752389, 0.05119378316652444, 0.5268059383427031, 0.8814304573098009, 0.3586966981514095, 0.24779419739192732, 0.6575499028770813, 0.6582215772939274, 0.123039868323117, 0.011669410694784357, 0.39534515350199084, 0.5214518539495233, 0.20568486347653026, 0.8214090840835298, 0.3818206763401304, 0.056047356309288435, 0.27068268386778654, 0.37757488364742675, 0.9891957630362566, 0.7779384715830173, 0.4612002938565377, 0.38424526484180166, 0.15578107957858614, 0.2938510239561517, 0.06533426267182948, 0.892393570799699, 0.6675452686555945, 0.18054588485678283, 0.4018401770275648, 0.22349937615797408, 0.8603027950693092, 0.012667600897037739, 0.28287574037031993, 0.7980389071070848, 0.6990569020248066, 0.8441993040765472, 0.2526387221587486, 0.510864481453993, 0.05531756755225708, 0.27566661908472906, 0.25996817193145605, 0.7851917580698269, 0.08846698798107651, 0.21544574255666324, 0.6404644390783099, 0.15520405757113992, 0.1946868212074186, 0.9286451492008818, 0.9797850329183434, 0.9586451316485752, 0.8177431196925712, 0.5066544463306469, 0.4453333212661261, 0.9354171990693646, 0.34483248490400187, 0.988693723533742, 0.0540006601242355, 0.5784252482663421, 0.4816763581685062, 0.9594810833733168, 0.4605258436173004, 0.7185183407735485, 0.5777720104694366, 0.6850189874375316, 0.579729276817406, 0.5759302880465333, 0.7702667398431262, 0.11303599452675316, 0.6106031111530498, 0.33547543843675254, 0.2557669858150902, 0.4228453322510235, 0.6996940793331718, 0.11567789966521555, 0.11964640519480713, 0.5258262747818311, 0.9446454975884876, 0.007551675582369084, 0.22565167693312552, 0.876592593431636, 0.8166870614453362, 0.2235134973375378, 0.9930818292239513, 0.9412543217275, 0.36845272545958296, 0.10764789141807266, 0.893158035328423, 0.5896578579680825, 0.09663346914209515, 0.42555082748170614, 0.7915608958766521, 0.2938068828675548, 0.35748499186343663, 0.809523218852204, 0.8026097073128152, 0.5361548395242861, 0.10071303195323751, 0.09109481012647447, 0.7975045762673666, 0.4369083643678653, 0.084649286076997, 0.8630773400489002, 0.8769687779947698, 0.5729599193623285, 0.8539171919675285, 0.6463165058061844, 0.5654508848376395, 0.9563771223293206, 0.43326744092832115, 0.44810837780854373, 0.10666780505579183, 0.46648454461368716, 0.00839147549182662, 0.8420936005018581, 0.690216831491764, 0.9200021672676273, 0.06680902810118276, 0.3464867550660735, 0.5565039052751044, 0.34404864534529633, 0.6503764792942741, 0.4572377570605576, 0.9875197164880843, 0.4069633947597051, 0.026850860034802505, 0.31546844467203083, 0.13569409073076613, 0.5222127027527865, 0.39355115831753795, 0.1676540346454034, 0.12367193349786834, 0.29806918992411985, 0.38172963395114745, 0.4687456937721606, 0.08058149320689875, 0.46712507137348713, 0.918416922930532, 0.2724564721598729, 0.5664241192811571, 0.34295996659651573, 0.2818048566267802, 0.22525374584982724, 0.2937059745535454, 0.36118245804989957, 0.37080656467654827, 0.9434907315296868, 0.9608515970715067, 0.17170248522173984, 0.7664509940042337, 0.458419621538217, 0.3663719166722377, 0.5345359756070528, 0.48656418722661243, 0.8905567331619456, 0.6621540983239763, 0.41301703848702553, 0.026484854445785425, 0.9334419834635423, 0.4850623714944282, 0.2995978124928953, 0.757924597646202, 0.9685302687192342, 0.26856114254263247, 0.8287761981117459, 0.3112548089958351, 0.5365316338193001, 0.9085166955292345, 0.9623166283310365, 0.3957454556206016, 0.08315199246055212, 0.3040262517817422, 0.4782489030740802, 0.6014734634657656, 0.9378620994173069, 0.196772889672102, 0.6683600122633453, 0.23840380541984427, 0.9647816492001486, 0.13449096404498237, 0.18815514550408366, 0.5954040755459945, 0.4091184942448558, 0.5642110046239021, 0.9079784420587245, 0.6919036763326742, 0.4113707099863989, 0.8950468924868697, 0.26586354798936024, 0.6345553943828226, 0.8851371367107278, 0.20777809021555288, 0.9972213148309429, 0.8544546485657519, 0.12193427394883911, 0.6383997804274023, 0.22968360577163502, 0.8434164432256402, 0.9029042084258943, 0.6631632069935052, 0.7343240770595589, 0.3663664808256216, 0.9298190798551851, 0.22121420382853885, 0.5844896728348832, 0.49842509298214, 0.7962373056548865, 0.3724534717735336, 0.06388426275377504, 0.6761630335099086, 0.8467820028583375, 0.5951226934972318, 0.9048071880601173, 0.2951237216081739, 0.7880869180064665, 0.4493175661425234, 0.29866793169450306, 0.27729407300573544, 0.6049900392192357, 0.6483120047701999, 0.6400282905143861, 0.5445567410059571, 0.2568952619336189, 0.7648493363602625, 0.6753901010434973, 0.5822350337833362, 0.8728518941481611, 0.09584857293896196, 0.09604667750693911, 0.4377381137107734, 0.3077971392756188, 0.002124669768776843, 0.467075398702093, 0.37295607204139514, 0.508325329305122, 0.43015592681221215, 0.5137648976315182, 0.6080941146490673, 0.25734473917004735, 0.5855691374385625, 0.8557616407829703, 0.3295391291055543, 0.6123383438405396, 0.2614947642034006, 0.6150703696883736, 0.23333487783244922, 0.9526802076307596, 0.6622309961618928, 0.06833021548841745, 0.698613673070354, 0.7557398114211497, 0.15508519463005663, 0.5617529254476266, 0.884421759053002, 0.2789135974565934, 0.3204467031292475, 0.2503362642944338, 0.5878651570804645, 0.34303236831993944, 0.9033563767400183, 0.021275875106351632, 0.6426511481255558, 0.9307557854887778, 0.6177818386277566, 0.3890786390273332, 0.5774195799287472, 0.40238385177316394, 0.678727484262902, 0.6781569272133163, 0.266263821482538, 0.02643936996245557, 0.25566642722568905, 0.5783589266882465, 0.36301117379492387, 0.22003392736709446, 0.07856624809831034, 0.4231222030242673, 0.043680335001982165, 0.010166153213134082, 0.6968721106385858, 0.34258980506380743, 0.8617929857260566, 0.46256409043151503, 0.3705772801684123, 0.5658972105156338, 0.3828990574239156, 0.9958966689620082, 0.5652431672864253, 0.41979984406822923, 0.8724735430557322, 0.9155907222128894, 0.4667340658162571, 0.9938828599377661, 0.44692323074075113, 0.6627561958738468, 0.2965090235770352, 0.23895959269119932, 0.8391070370314324, 0.22065180917122, 0.24287651166904597, 0.9457311964910392, 0.6969809898233524, 0.3439178041407114, 0.7624251805671509, 0.9586954341746297, 0.6247484184221991, 0.962715538504282, 0.07458164824255122, 0.06414559015577696, 0.4746399066372796, 0.35638069836649444, 0.9380020444875403, 0.45919402003485177, 0.09288691785700763, 0.6479115576552708, 0.9673469138967915, 0.4866611021692395, 0.7396935589891938, 0.9566855257162131, 0.4286103615688591, 0.24502655898112638, 0.4596721695405337, 0.8443822401328, 0.7050353404602436, 0.7262340088707087, 0.6538955501765195, 0.049834570539054476, 0.18586735182847477, 0.8121447927927568, 0.663355822556533, 0.5080263014705352, 0.371976718588252, 0.4417429967614612, 0.40515203952439993, 0.9638439867992892, 0.45079804395006096, 0.10212384974646209, 0.4856462036100829, 0.08430648602716566, 0.43746849840566493, 0.8963939494924392, 0.16168856056312061, 0.04589778298714727, 0.7162366651958251, 0.22421050821404775, 0.7647816256204449, 0.6765194854524972, 0.2994967400352769, 0.40148359817989754, 0.0700461056174274, 0.9872996535908813, 0.9496342509131839, 0.9536719406296488, 0.6959592736701321, 0.9598094263837523, 0.6252615860832231, 0.7294782311629464, 0.017791407134000493, 0.38987689512333223, 0.0860726992890473, 0.9362600402588516, 0.8359940272807878, 0.7863884540932538, 0.5573329100988879, 0.8977641828320628, 0.5269678811400809, 0.03729599234537072, 0.8453875590636964, 0.5787315986626708, 0.8682794786706777, 0.6911063664376143, 0.9850144287296131, 0.38900030820283493, 0.18352140462522676, 0.5718978399908992, 0.543721538496319, 0.13726141676132234, 0.17833500614128875, 0.8613898496885086, 0.9091435834941636, 0.5508916567178554, 0.4174898557863459, 0.06230820897947307, 0.9300081616291962, 0.38291155797350107, 0.21711823648959871, 0.35787873945458204, 0.9484156306481857, 0.19474852857328737, 0.6113674574772875, 0.1825799135223242, 0.528244333403997, 0.47209632051255446, 0.9686598389332522, 0.1649100557168691, 0.37001272925172857, 0.9022393015394635, 0.5020886435063774, 0.0995671892993846, 0.3703982196358908, 0.025824440150303423, 0.7629088411526714, 0.8781435132058336, 0.9546653406776309, 0.30350768512320736, 0.02446494939317084, 0.8687661818492611, 0.9016775613709446, 0.42345618758032033, 0.9211139585106753, 0.044498869678618144, 0.8273902995337751, 0.6842683746010432, 0.9094738318361563, 0.5151530043598721, 0.617527541661417, 0.5305998696444849, 0.27663770944168314, 0.6032093699490642, 0.7903629797910207, 0.3600290152745149, 0.8748963789203037, 0.07281903796118488, 0.9887024967941834, 0.018637105726712736, 0.6490840553909913, 0.8823981724688374, 0.571838609695563, 0.8206543480783682, 0.7497505619657185, 0.7167292690407145, 0.23836931488819132, 0.8661433942567378, 0.8369462494776716, 0.8051033805452814, 0.050043273703833976, 0.1828895455574444, 0.7160262581114825, 0.8429854377124655, 0.6422448925703509, 0.733852438939072, 0.13878444739878654, 0.9995950775196715, 0.15272470049339013, 0.03298714465983825, 0.3564841114279984, 0.16834897586090578, 0.6814581355260186, 0.40644274724106844, 0.17238043636820657, 0.003604127790911421, 0.2122483382455233, 0.5871893805501159, 0.22049357583841583, 0.8323892377777403, 0.02267871497436469, 0.7975978755963645, 0.4665723398081908, 0.01898042437094384, 0.2086370248801454, 0.121276435211539, 0.18804488717406717, 0.4067437220749951, 0.7046988070718918, 0.7096468125897836, 0.12395159461984773, 0.6345294390041389, 0.5317438087948053, 0.95241927872337, 0.8577448386021562, 0.1741287148773502, 0.45771124177373124, 0.7144308629452807, 0.41571724657733145, 0.7769633966673253, 0.6296199308112184, 0.3782593823385847, 0.4927245039224737, 0.6024198772939877, 0.6790985079809093, 0.30022600133631233, 0.5644485030468964, 0.770865227997168, 0.6061536472258731, 0.9296967025530669, 0.20648986221787002, 0.010091242260458839, 0.9520853265379189, 0.03565634356448188, 0.002952362654359121, 0.18162611497820452, 0.44658700258425577, 0.7184724995585983, 0.643993103008623, 0.436511841548898, 0.6760282536655452, 0.858029362935882, 0.2789073217436436, 0.6624945762637622, 0.8039941501460288, 0.3282104032336721, 0.5485218722035096, 0.0740606625914571, 0.27146343222645225, 0.0260736563214942, 0.9113453295677661, 0.8267590985260063, 0.4305216040950053, 0.7376752907098696, 0.6805586038004826, 0.46712710740199903, 0.15023410389945266, 0.38710377127944917, 0.558644452278392, 0.36486147428416726, 0.712113726399755, 0.5705406578237, 0.7822528056990485, 0.6812094718359405, 0.9358000919641007, 0.45639221390126894, 0.11675329267851246, 0.7825516429111452, 0.5623351837060682, 0.3954867887488468, 0.5622763351962776, 0.9170357569813468, 0.9085922705589042, 0.39301021967864425, 0.6676244658603683, 0.43738601648166997, 0.06290444709907951, 0.6726881022329045, 0.34522085940022895, 0.5204696489338227, 0.4582575972723346, 0.435728709105054, 0.5857679477916362, 0.08399982198866415, 0.6355316316503616, 0.3651857592457628, 0.19591996135774375, 0.2322015659146592, 0.6190485131886201, 0.6961842665188352, 0.7653501059169255, 0.45767910274286194, 0.12953107389389842, 0.7117697984558331, 0.7603256593931895, 0.4999568331857014, 0.08298804483610106, 0.3861524764885501, 0.9326914038547321, 0.9494113454535755, 0.6687095555474463, 0.08689612616407137, 0.44261800001223595, 0.71368765394446, 0.5202946136988313, 0.8781785461637266, 0.8061023353112011, 0.5058542220611338, 0.6107568313817899, 0.7016387905008356, 0.4365351027624391, 0.4439873286244733, 0.7175791406825308, 0.9716888452307388, 0.25610567426139746, 0.16376147351528397, 0.305281729918723, 0.8986017493265851, 0.07437578166846025, 0.26014515170281366, 0.7863169327069599, 0.2149239846556426, 0.32700755406889803, 0.7316431542775963, 0.006643211391606599, 0.5672496559843829, 0.37609367264851, 0.3110886316700961, 0.016299634936434198, 0.21186466841166077, 0.6630120254008164, 0.9800913883671933, 0.14724986672346346, 0.7526412818802349, 0.5479719425773779, 0.06303523139161991, 0.165382003067089, 0.45760155892849885, 0.47866655772514843, 0.3330033005958559, 0.22981003710172748, 0.9407300490132552, 0.8119519248407628, 0.6408243062778174, 0.8501862111422396, 0.9519267484757679, 0.4253034474010581, 0.9406877223817376, 0.3100672787768338, 0.45525527282703726, 0.8339522938319751, 0.1382851995498729, 0.5466646178252391, 0.41299725042732527, 0.8781676856150189, 0.3382922221622029, 0.3891170548913939, 0.08698379757385274, 0.8834836302810958, 0.8132283592255071, 0.7576640161457077, 0.9585368592465883, 0.6189674898394767, 0.6807363156643735, 0.782364057724485, 0.09312072968350567, 0.8300249243284848, 0.15447748122743254, 0.22555386362774613, 0.7096577411545477, 0.2688389687331122, 0.28877126099460604, 0.18661026325765478, 0.4378686343117618, 0.6610303320300341, 0.35030717418653445, 0.5725460364486745, 0.9779343059514045, 0.04256894054069976, 0.757742744451333, 0.383634447490501, 0.05086205217903869, 0.7823786871432481, 0.5451548606850511, 0.9901079704579238, 0.10984058675204583, 0.4430192326433262, 0.7207786782904808, 0.864946808029823, 0.05379156747133546, 0.5296182543229917, 0.7282854467101874, 0.9912873508468023, 0.8438168191616316, 0.806274846700159, 0.47537376642523865, 0.7599867047158447, 0.23529003142460522, 0.5839589342830813, 0.03736618995837555, 0.10410835174663692, 0.4981389597865308, 0.16470511222373868, 0.44818402830065973, 0.48742753897911484, 0.24745507693865396, 0.9712194159738758, 0.4666773282179846, 0.5601293495274697, 0.02841387637061912, 0.5123124430991568, 0.9453146126634819, 0.7420744929306804, 0.3420959095160926, 0.17512004762740746, 0.21036140744819212, 0.340928027842094, 0.7852606806183741, 0.5371594123438426, 0.5762417101304678, 0.7659784914669701, 0.3364481765077929, 0.09633555071630481, 0.8694234093902035, 0.5274594239653317, 0.31854788169160225, 0.4628678859151515, 0.45311972514955223, 0.20977184452805456, 0.7680554688106185, 0.3393567492310068, 0.5467309569544319, 0.6403973882154234, 0.489053298538366, 0.8837716680892959, 0.7319850236951617, 0.40557807884590746, 0.3046484482276005, 0.7802599517039149, 0.30152839100530593, 0.10683040383257054, 0.9187588261127172, 0.43511224634182344, 0.8892288319572206, 0.1618957252376523, 0.13438207549843187, 0.03733406466547467, 0.9031865032605472, 0.8675014590372028, 0.41131331343827915, 0.7334921859782602, 0.25871255827311784, 0.3560064123028208, 0.33139929527746514, 0.7852772268330022, 0.7817134393314799, 0.9091420402811945, 0.18747391543128306, 0.4672397772139114, 0.6526643554454368, 0.5769123238850329, 0.3969455356240502, 0.997386146328843, 0.17744096535654633, 0.9549590927702304, 0.8741745315156846, 0.10015930996311662, 0.8351155083689997, 0.9766151784570563, 0.11472052920026743, 0.33408688947622345, 0.7187359859908533, 0.8025090951355399, 0.385558450507578, 0.20201762370177362, 0.7216083883015145, 0.058574988910340776, 0.04243823447009068, 0.1693539022383399, 0.8720787043066003, 0.0683233570250069, 0.1914811820795189, 0.8974202825705353, 0.2841239637495847, 0.5230326094681337, 0.9850673311743138, 0.7907533172944519, 0.0828977051953487, 0.22364271518594192, 0.6685622854290321, 0.24368012624588883, 0.1124596210594459, 0.6219395842332506, 0.9052193178596524, 0.9747430236155378, 0.9268996546711594, 0.9652716307609013, 0.2829109391827282, 0.07595085707091773, 0.5551621035647242, 0.4062664609312585, 0.3260834413093985, 0.7424297568097891, 0.5088815013995598, 0.5671421251034147, 0.9094857710393964, 0.8496592031090955, 0.5633492153695576, 0.2298096152199752, 0.11248763696962298, 0.8423655641592767, 0.7618694542491203, 0.5042969253860456, 0.13913812559776778, 0.09178852474841463, 0.7179885368872334, 0.7236997808423373, 0.39627877064098715, 0.9438996938613082, 0.05830939311114858, 0.07815387059825396, 0.7030079252273818, 0.1680824556525568, 0.16982423111471107, 0.9516333367698344, 0.3695868414107242, 0.30338621535983745, 0.0343179569572619, 0.22489499161051582, 0.6074829666791683, 0.9403440218114698, 0.967384654768676, 0.2933999640250623, 0.9748437002389795, 0.8060290639789957, 0.6263306744762075, 0.12618128606123158, 0.5354437328968724, 0.9142309782660235, 0.11898535571567799, 0.9143010071446305, 0.8543033937573676, 0.7521844431831403, 0.6248494687157049, 0.8941655037993332, 0.6955985231523627, 0.9957307925428551, 0.7786835175789732, 0.04978527292254551, 0.31339197553086295, 0.9305200948314649, 0.5530801911573109, 0.9170456201587207, 0.18257966255302316, 0.8723745924589059, 0.9258487619377291, 0.8520314332833296, 0.10280665571753005, 0.7939509735283847, 0.6996066435606766, 0.9081093391749713, 0.6426853234829072, 0.6530495538520016, 0.8527065431929515, 0.6454081614312142, 0.7978702813629124, 0.7750101092296746, 0.9341211574316389, 0.03981592537331412, 0.32051886857718326, 0.6069992976962056, 0.8898435036503187, 0.7351343983473573, 0.3151083857074305, 0.9493434264953597, 0.26597790644896935, 0.14035507548968895, 0.9257480025984416, 0.252058786291448, 0.2637076833908708, 0.6483428168034975, 0.3423582795426514, 0.5036452391305694, 0.617999556989157, 0.7811827149765658, 0.10841319861118248, 0.894848589088551, 0.43805612920025383, 0.09544399436736392, 0.1723983752410967, 0.8450348884189913, 0.6921439652191161, 0.16315902180280986, 0.24807763149895237, 0.696578024039147, 0.25205234219006356, 0.006651972277328429, 0.05625946543558528, 0.3254552675915774, 0.6605518234491989, 0.7008576341688799, 0.2021874265983049, 0.9374086181820626, 0.5986238144482807, 0.6231453708809318, 0.2977690053310347, 0.7263012001910962, 0.4680626584087487, 0.5167563349693998, 0.6473012397013003, 0.7535480171208564, 0.8458062562112413, 0.23128660030877507, 0.7838176698254001, 0.25317912491781536, 0.4398034166784478, 0.8867159868333109, 0.2355106588869602, 0.6997714601882332, 0.09272204299992985, 0.41140958143378625, 0.3918269435359668, 0.08842071891657986, 0.24773195560168937, 0.9971669642868382, 0.9252675382660126, 0.7841134353871992, 0.8724826386323936, 0.615930453535048, 0.4354146428193989, 0.9930799494467653, 0.9360946201726176, 0.24165853901851064, 0.25435499097679715, 0.988147453573554, 0.5346001648013115, 0.9216129900156115, 0.46923489396883156, 0.6969748045398049, 0.40875157835330234, 0.6575059644688257, 0.2747123328374863, 0.8855773541599816, 0.8375414691154678, 0.37463941626638986, 0.6920476879638298, 0.3803439066427017, 0.9463910250930316, 0.8764148739909655, 0.565569065704324, 0.14717841735612827, 0.08420639242185311, 0.4148706433542245, 0.20120376515195898, 0.906268918703971, 0.9524014303191198, 0.5054311690327744, 0.3923735229767633, 0.8332374323032691, 0.2295891230373345, 0.03970251729371949, 0.3506294872290152, 0.6678699282209899, 0.03742207297414575, 0.8384673942197329, 0.5329563198135601, 0.22233344550660375, 0.6879683927429834, 0.3145740658135728, 0.6790414188879053, 0.835585321068375, 0.07776375145256653, 0.16857325762018321, 0.18246161328359223, 0.7906128657525264, 0.36195399192362865, 0.8925768753316756, 0.9474209825891623, 0.6618137074441781, 0.02573974397102147, 0.9975394967863606, 0.49308286803943346, 0.380441858921873, 0.73578566854071, 0.49609363885973645, 0.5062632473324808, 0.8078348381981232, 0.4963529380118653, 0.4326817948246171, 0.1492119124485292, 0.8838815886268679, 0.7316839233824961, 0.8526302748178349, 0.9949301628210753, 0.9267463327773935, 0.9765499927671503, 0.7851734826725281, 0.6784789495743637, 0.3425708111058535, 0.07556052325654848, 0.8880875088808435, 0.951837080239838, 0.17522540793712893, 0.7144970541610587, 0.5573683665514986, 0.27624568225361407, 0.09845395083792038, 0.9629266983363487, 0.4891837878688017, 0.27727048274011806, 0.11056386137277126, 0.6425631859596566, 0.4083203611280808, 0.2658736547703244, 0.9283022879486696, 0.7823294955738689, 0.5809524505247823, 0.04035399238050284, 0.11395561143546865, 0.8403629761995535, 0.7812128042275743, 0.5488807520954646, 0.24846829661673747, 0.9078248980227377, 0.09818522627725532, 0.6334697807347297, 0.7589642288914202, 0.4509946605319638, 0.19389586899639438, 0.37041046499261665, 0.13241913548861958, 0.4889505733701047, 0.6512995823547605, 0.7995386275803392, 0.211411120250907, 0.8865270820705298, 0.5765697489980992, 0.9341618160291533, 0.5832912075339252, 0.32498193905614947, 0.85620976641391, 0.08323387184631072, 0.5940087891015975, 0.8021910165524375, 0.45869723481582225, 0.6558994516849745, 0.5023832872708461, 0.28535744365544086, 0.8710069055359045, 0.2016118456014337, 0.5091238341523177, 0.15754657884120324, 0.03672459384691083, 0.3703226684819175, 0.2499715933125506, 0.6860390841534505, 0.5334710994979092, 0.9375292210615351, 0.3615445949413534, 0.5107988111712453, 0.6732229158603498, 0.6078265115325976, 0.33199863152230014, 0.39860206534307796, 0.11510092062972935, 0.9010996171872554, 0.5830304784864289, 0.15146446335640718, 0.339217435230026, 0.08568640249776464, 0.39951957790929626, 0.04930465447278528, 0.33574167495609475, 0.9797727845185153, 0.30444187873893835, 0.9518360694660051, 0.4590453435959009, 0.5226291703142155, 0.47010581580936883, 0.37613476306132887, 0.6491712377173149, 0.06968274653645239, 0.980300166040579, 0.11940245511574236, 0.24102940440276613, 0.11285725015019553, 0.14784927280449447, 0.9004726725278056, 0.5650731949652966, 0.24729316683327524, 0.09065937396572578, 0.8130272418488771, 0.03920398323884685, 0.1782147938095133, 0.15840685968302035, 0.17513659831210876, 0.46767500155818775, 0.6723208883888826, 0.09345411150969758, 0.28964627020159645, 0.30040717462621674, 0.7288168498777674, 0.91203375469163, 0.04469965175537646, 0.9586446183755265, 0.12910812330484983, 0.5848400023474738, 0.8874623333907253, 0.30390553611243454, 0.5227243638579339, 0.9246617033756068, 0.14444476884864924, 0.5894860061953227, 0.87119078297999, 0.603724628197728, 0.8167918584049345, 0.6075303338944209, 0.7987825610713941, 0.7683020868004566, 0.5595313501629557, 0.892578239809004, 0.6673027517897813, 0.4368111788840283, 0.7661001186752037, 0.7413614902772104, 0.7773175845286819, 0.7095198721021037, 0.7180121073681458, 0.8507480281163553, 0.41626533111337227, 0.2192251945375857, 0.6956295600110558, 0.009436480974530039, 0.05975239700980124, 0.5129768302685589, 0.14438664262930326, 0.6622996336309097, 0.013900627186201147, 0.5826634234261632, 0.447173137189643, 0.21335334296057978, 0.3759029323399665, 0.2173754462918301, 0.9613187390306931, 0.269673815442801, 0.773488585301255, 0.14233727740490648, 0.6329998716732388, 0.005871512809664568, 0.4675765597075754, 0.6660144369808814, 0.18914916260044495, 0.13748771188020192, 0.7392738601029586, 0.4668175703566714, 0.12298903511850273, 0.11281830232941197, 0.2672099419833394, 0.5991146850946405, 0.12061352009918788, 0.5483741800456876, 0.22031127252630736, 0.6092506923415117, 0.17336280931467996, 0.7411879365087545, 0.5138987541790044, 0.43015391941647196, 0.4775610019547353, 0.7221972181889186, 0.21412885959330868, 0.19420609949342116, 0.35305486901484706, 0.8085981572755594, 0.020861562990780586, 0.05090470521638847, 0.13940943489794796, 0.8037483995731618, 0.03117264333333535, 0.43627625304498674, 0.49461915638206566, 0.14097661808113418, 0.4241355432761704, 0.5216004824050627, 0.34277306494539683, 0.43311233927250137, 0.7815197432773447, 0.41888193259491, 0.4420202588997403, 0.7169588494188677, 0.4183662413062754, 0.9010189420603114, 0.42464146263707236, 0.946558632151191, 0.7086099805170316, 0.5325823359667212, 0.4014434464282761, 0.2017450740844643, 0.10012911663962214, 0.8537148009482499, 0.5497001144767779, 0.028097264577183326, 0.930499512471422, 0.031221093154485173, 0.537117212638522, 0.21241855903391021, 0.6509546650422022, 0.8862260288551119, 0.01785700933338049, 0.30009118523781436, 0.9516082330481392, 0.6892164168826387, 0.8764044159994729, 0.9815479273349415, 0.11098502787700024, 0.4395725013350439, 0.6874852367284132, 0.6207899723365211, 0.30438822681248684, 0.07684675574720558, 0.1066782955745404, 0.2874930106267454, 0.3978710344712243, 0.05304673177548853, 0.37109182086165593, 0.7518845233212912, 0.9942603876733798, 0.37679824070676193, 0.4832158465215206, 0.9689401958215682, 0.59022780660991, 0.94021425436937, 0.4171847898526103, 0.7235278367389782, 0.6870486410991994, 0.9918557201934224, 0.05329421267847834, 0.4565734683178394, 0.010537691571958867, 0.8509451679800404, 0.47750456498640637, 0.6859430491294717, 0.7247811483751432, 0.9211497412141463, 0.37305304906337444, 0.8083212676938102, 0.8777260717403131, 0.14885955059599623, 0.14082795800788875, 0.14187138811829939, 0.5596524994212319, 0.7365710126072549, 0.8985893039102162, 0.2784724218399195, 0.7087605421489278, 0.9436152670327272, 0.32010537021914365, 0.9954151201470478, 0.0038494945717346915, 0.284720691451559, 0.1579060777761605, 0.3741657532604642, 0.8525043500630118, 0.6073421695108534, 0.07099196716543399, 0.6908095726655851, 0.0009136676760007535, 0.5919685169840688, 0.5387589411179718, 0.9825578823973103, 0.8719986003078, 0.5845664010474017, 0.3827839350359691, 0.513595546224737, 0.27230732782985595, 0.5649785543249572, 0.11987992974392317, 0.19009198903350413, 0.8063295440167781, 0.4426193382896858, 0.5649078357100642, 0.6369301838828707, 0.24501304290130788, 0.3388102148482971, 0.8597350457889419, 0.16537885446008616, 0.7908282510389081, 0.9615030368492986, 0.5363608166030904, 0.8473669552310656, 0.8129424026229077, 0.39868492621837937, 0.2394458503988018, 0.17690185018012997, 0.9564124828799618, 0.47981295603447116, 0.7571905644711567, 0.7357874643856377, 0.44174613675662067, 0.26418746611829047, 0.3566563118606313, 0.6975758635497025, 0.3589881253444569, 0.8651975291668158, 0.31557354048594677, 0.3047162307778552, 0.46309113113619016, 0.5046063720188584, 0.2155841123066666, 0.6842959006181082, 0.10671508425547636, 0.30843472307065023, 0.33292091695176185, 0.5049390095859096, 0.742111836654419, 0.5115817495373264, 0.14030060662659286, 0.7742984224390741, 0.7761056659810583, 0.759902183419353, 0.3456606774674652, 0.9672404808880956, 0.23074301081764198, 0.2450827586456214, 0.16579709191535918, 0.19504835400984827, 0.053046360860777825, 0.4274641799618979, 0.6161679526245248, 0.7338721310286311, 0.8084642357316794, 0.5943256672636124, 0.9678229791576836, 0.6719332129750588, 0.38114739563390065, 0.6760006641582934, 0.9444286122116468, 0.3497459306375085, 0.5822897955296154, 0.7435462766724112, 0.9310220436792503, 0.3619743821367434, 0.03571203874740482, 0.37510024875010683, 0.8492153976888224, 0.9455008481581318, 0.7712526504395565, 0.4128165415039238, 0.5081573006997164, 0.6311307847829164, 0.9043496161242544, 0.3182666160241057, 0.8049666897921335, 0.8537335254313623, 0.643160685280068, 0.9499381404598872, 0.3578526415451838, 0.5239616216799254, 0.1518014281137279, 0.9021950257276293, 0.9813105974542992, 0.1788352117156544, 0.0006647995180997902, 0.4244091597364448, 0.8316236735093907, 0.7423150206602462, 0.30053731562253244, 0.6821979116532628, 0.6844188754248133, 0.7806204225185411, 0.6462967381799212, 0.6135224208126113, 0.20613916498576465, 0.9883727336889728, 0.5145185611334837, 0.5130594509261398, 0.30997841993001624, 0.4656034950622133, 0.9995649973122472, 0.7723074112932053, 0.5229937288739834, 0.3980578430907916, 0.19426663829914634, 0.7825979146691501, 0.20346813064500074, 0.238136699606111, 0.43672302185934786, 0.5764920398984801, 0.6125699183078503, 0.21687717379694424, 0.05574658083281494, 0.6739126252990597, 0.9457920469662882, 0.17575530352919888, 0.04231119592346185, 0.4353660548757745, 0.492530112842795, 0.6296284133374725, 0.7542749370150559, 0.5332706512070684, 0.6213556351054231, 0.9849444050382662, 0.02327869548000925, 0.2219696969227518, 0.42854823065412795, 0.5686261251109141, 0.6635024591828527, 0.9895180696830983, 0.03544491664155965, 0.934620792895533, 0.26106489430285484, 0.6742963904864555, 0.8498441446185332, 0.4417866552311075, 0.01996014641056923, 0.8204473028427393, 0.48891051345839465, 0.1460284389773673, 0.6840446469962792, 0.6400001773870605, 0.26282709760946515, 0.41259884103989364, 0.7132375503975998, 0.3715800332633302, 0.9786979177491847, 0.8152145940681381, 0.6041113282903632, 0.5786742934886634, 0.1217680295700876, 0.5710399472100173, 0.9531190761523815, 0.17881505934880843, 0.011521728708177468, 0.27103041693897967, 0.8416744254078629, 0.8367803913962507, 0.07826683621813546, 0.6238603528257837, 0.4166217508652019, 0.8583248541752593, 0.47095075875309633, 0.8236065860956996, 0.5869811883487446, 0.5500257017763384, 0.04608941343264536, 0.2838967147394764, 0.640510331134157, 0.8426528227626628, 0.5635846093762507, 0.3940405330582303, 0.46580622087296975, 0.044943261747942866, 0.4733655738738054, 0.2875688353608387, 0.9773986141654789, 0.15230605386316878, 0.7587626096450739, 0.827563128878025, 0.05678109156272819, 0.10239574562257102, 0.2091482846357514, 0.8888558110410822, 0.9225102315281182, 0.2518170910499851, 0.7292248414687927, 0.07577605323938533, 0.7651725841901583, 0.6377947661496998, 0.87588338302973, 0.97125246965866, 0.6624467325595496, 0.13078759661804706, 0.43615466122069935, 0.3718909345566713, 0.22767756912933518, 0.944243160437909, 0.2086942186609459, 0.9565091575972458, 0.12157520286641259, 0.9493420566693757, 0.45573251539972115, 0.35891532295951356, 0.298317833252343, 0.9644119246233566, 0.973990066210364, 0.320696519803448, 0.43944175887229375, 0.12711201000850603, 0.7163549646714016, 0.36156007793023626, 0.6212077638636062, 0.6022854075860697, 0.5773202346899069, 0.8686178578261371, 0.27784197569637614, 0.39584928955572707, 0.3988799944734389, 0.5423588097779832, 0.9927677102532964, 0.6667832344356039, 0.13608148208473547, 0.13722899133706054, 0.4799691607172982, 0.8605240013784132, 0.8758832088065196, 0.5767045378164165, 0.0396690865600243, 0.19679040119122743, 0.2803145665305858, 0.5065129680408191, 0.517533007594903, 0.1655466427544478, 0.009115346468070057, 0.7277364730229227, 0.9779965468733819, 0.01725141967141933, 0.7518405998732898, 0.5287733293540187, 0.15624537433870372, 0.7084903525631367, 0.2121941179778839, 0.41014734430310096, 0.7487758048353901, 0.7569842137697063, 0.40215462912042776, 0.46617588849526326, 0.8142618686852351, 0.04255946510925344, 0.895789024655665, 0.7333905365539923, 0.7011299241194067, 0.353674137427913, 0.9932318718667578, 0.9702808051592834, 0.4140016427193439, 0.8100802225198614, 0.552312804025392, 0.35030012722760107, 0.8802349335239613, 0.7560833115210512, 0.03705506341671914, 0.46837022009739526, 0.4654283605387599, 0.9726698454837961, 0.806572994009629, 0.2502588786549039, 0.3096557875014087, 0.6080267696771586, 0.7993419203390562, 0.8147886240506916, 0.6534523192423163, 0.14883541552477567, 0.1288689839332609, 0.15738647300689862, 0.3392747847065747, 0.41777942362176235, 0.7819794217252866, 0.3586739108889857, 0.12524108660758537, 0.4535408250486894, 0.5385283705960724, 0.6619053967395896, 0.5506589752046985, 0.5224401587427251, 0.982780652286165, 0.10103936681262378, 0.7020046251851533, 0.04439779603576381, 0.9347839481790524, 0.9901723733067876, 0.6852998615843087, 0.71291114749684, 0.33563012625429567, 0.5738781113460757, 0.9577868106550373, 0.7672926126579698, 0.2480497902267912, 0.34303768442583793, 0.10244102980523054, 0.7346074539681406, 0.9829555809658147, 0.810161610041598, 0.9869817856355113, 0.6939659506546018, 0.3106152266421581, 0.9336983929591897, 0.5766361335211778, 0.4114571469753092, 0.6823249582350702, 0.14682340235006397, 0.02247553446618476, 0.3759387703307676, 0.9711027992569797, 0.5329761479682041, 0.5526785769483322, 0.3823317043061988, 0.4852055420020609, 0.9836004508621733, 0.8780563184972691, 0.8999221093387487, 0.2341119002208784, 0.07358618367841097, 0.12063834754178104, 0.35609096876874313, 0.057878226026493576, 0.25961143187832886, 0.6580657399591237, 0.01923723299995453, 0.8047343515669748, 0.2292491870940582, 0.7474933373769592, 0.6951443135477666, 0.07276966707442309, 0.2483921375182729, 0.8065845267078149, 0.2232768475745358, 0.7667119455077971, 0.6729879946214044, 0.1209179875363338, 0.49300420467063044, 0.9389372953483373, 0.4320774811074306, 0.5269290742049797, 0.3764212847685514, 0.2755441254122964, 0.9517296990285407, 0.04958924114197735, 0.8270969193781393, 0.07344425374111878, 0.8746642705685199, 0.5193054914923088, 0.2952557477799705, 0.36024641463154916, 0.4151810676217026, 0.6656585817043164, 0.570529911848888, 0.44519879685773966, 0.4348564678900605, 0.9735576820077229, 0.36614914656746644, 0.17989987375569558, 0.3134560928137657, 0.49804025918207795, 0.30072852695836516, 0.38739141811157674, 0.24706367740580076, 0.7666986291646525, 0.3676534886316456, 0.6742865344664932, 0.7412956197051053, 0.2183859043619819, 0.34238147557297116, 0.7441677299010216, 0.6658415942362464, 0.497072216386912, 0.9253817574898995, 0.44151518128401124, 0.8894879712904415, 0.15919556644463465, 0.04430346331415221, 0.7740116492574234, 0.28217292520389675, 0.5340843281745247, 0.07795948803562174, 0.12759425282916506, 0.14944456828711025, 0.47016224263477413, 0.18276734260539593, 0.8654959637984985, 0.5842252772945207, 0.8224758794086751, 0.5001631905431221, 0.8114141664366338, 0.0856464220144682, 0.12137137154581487, 0.267577051363497, 0.6631536832815954, 0.8516389287737111, 0.19854451064871137, 0.2160742161833512, 0.7502778979879994, 0.3873834965472893, 0.7180737295417552, 0.6130145777539922, 0.06659707986702841, 0.8081356322120017, 0.8018821714127368, 0.006995667776981988, 0.6131600446947276, 0.5273489872743021, 0.2959691039142058, 0.8488438279389527, 0.07830518975186981, 0.6039403297186328, 0.3148664226182567, 0.1037543458098118, 0.8413323137682305, 0.14516523387526564, 0.44132871447430155, 0.5683516748738274, 0.6092854832148419, 0.13127702344838502, 0.46043742685883016, 0.09496455447766465, 0.3896000989394711, 0.9943387680290718, 0.7702886790033517, 0.29782365904442204, 0.5686911658528884, 0.2259236823805587, 0.417999474662783, 0.6356351532304922, 0.11248812690223702, 0.48879794198530224, 0.3475579227808713, 0.520519744687894, 0.802861242619618, 0.5665462208935542, 0.8479125352098317, 0.7559152740927072, 0.9713283170046805, 0.5698126612747985, 0.8360992553708465, 0.44763633533589, 0.20593553856142707, 0.9224148973179006, 0.5873377543625881, 0.8965580881648487, 0.30639495139638584, 0.8426589491201517, 0.20040851574024068, 0.052211212232859155, 0.936896293140214, 0.304985868128174, 0.4600579645398848, 0.5724663163963635, 0.7668242790605824, 0.8838520818007002, 0.4091403610309, 0.33795326072817145, 0.9407833187311994, 0.6193561259085415, 0.474501966104522, 0.6888205485662054, 0.10225349967407771, 0.9089481120507528, 0.49101543475796694, 0.21158532975783997, 0.3577695021509789, 0.9497517822710368, 0.27660029186038537, 0.7844559525788932, 0.5802029663792037, 0.6885199842299661, 0.2900932037932577, 0.11828324172815884, 0.7781331256280265, 0.8228855827339114, 0.16747848418704225, 0.735915754346637, 0.541635725005791, 0.2758505783447204, 0.7986603533341174, 0.4276770674497884, 0.6342464071505872, 0.6626741477786402, 0.01922496734740939, 0.6255992213514097, 0.22195956797147653, 0.6630294843822333, 0.2734523696149885, 0.6370753853080553, 0.053124262729068825, 0.11478559754102838, 0.9889647917507136, 0.11592465773312197, 0.6572232081248894, 0.46671971166110826, 0.7809710282450169, 0.3866366009554548, 0.07256268914450346, 0.19406909762777425, 0.6751370160385245, 0.6097297744879943, 0.169175849858769, 0.7218290999592105, 0.23092700341913353, 0.11915847480044016, 0.7681055102327148, 0.42174531241608637, 0.14117385640251956, 0.1859065458244499, 0.5066081432752358, 0.8212338230242219, 0.2807846591782003, 0.3610006429466468, 0.7903946420826788, 0.31601791221898845, 0.03687547891181395, 0.2536042231514234, 0.06728209415094696, 0.8863768804582173, 0.9797319008630467, 0.30583141877055314, 0.6652311343843058, 0.5617747802208664, 0.7377117070691527, 0.9608835426662767, 0.8270308796669598, 0.513528849385786, 0.5511994565889529, 0.15525440525726214, 0.8268949265471832, 0.8936196254707571, 0.6203989187124468, 0.40951528053635344, 0.9012695038138006, 0.6176755866991865, 0.9429345600715655, 0.10927947136343198, 0.7141780118762605, 0.7667624240382135, 0.2977019363693849, 0.06662854579943787, 0.24129811558247635, 0.20601563782133162, 0.49345066597263043, 0.8989043979507432, 0.45155043898865144, 0.34024945650725735, 0.08891973456970406, 0.8660721875393519, 0.8577483759584723, 0.35235490654247825, 0.5648598897595072, 0.39858668656416985, 0.3909409671642441, 0.6209262556685353, 0.5205255177740584, 0.4487223218068689, 0.24448076894350257, 0.8174355262490917, 0.7655717346229962, 0.8611756982834252, 0.5363491537907548, 0.1660866808860789, 0.08337703938371357, 0.15430524423219957, 0.44914258696473797, 0.6211668804476191, 0.8044083871824717, 0.050330728499821085, 0.3824945785287014, 0.13408666026616667, 0.7457038563464171, 0.11685843103212633, 0.30038891232164067, 0.8465386956502527, 0.30353242481225634, 0.8747461765054865, 0.07097374357382391, 0.6739117334829581, 0.35811725492580393, 0.4664632474492134, 0.07420429361929881, 0.3626119338293452, 0.7269688356652626, 0.3778843164669683, 0.0847908264901739, 0.7657008382113495, 0.990863657332575, 0.4886585680152823, 0.7856419720291818, 0.6416538786150934, 0.06914300291466159, 0.5840763385521455, 0.9555491266667752, 0.5935444754052863, 0.6198961971154777, 0.9932871058089869, 0.7820325359706339, 0.40444876948065034, 0.1279736324757003, 0.37242358908114714, 0.16371165692137848, 0.8542794642812475, 0.429686028081803, 0.11127921865426678, 0.06274771389514448, 0.18056648703439415, 0.571120288932744, 0.7273688472590514, 0.8386763463772925, 0.6352216166182048, 0.12267997171908931, 0.3296918445292333, 0.16598430071599093, 0.9945787980061311, 0.5944203211640697, 0.6316798915241961, 0.4192574848518359, 0.6637849600489654, 0.056136532563369965, 0.22334371862682392, 0.046024388822747966, 0.11439117590394092, 0.26795860120101544, 0.38440940961045056, 0.16040672707481513, 0.023108862022149602, 0.6517084291905704, 0.03818148201778906, 0.14631503066674564, 0.06633007096625432, 0.4184707936728864, 0.909639375745558, 0.6675230153095131, 0.6675255925208033, 0.37157854395114165, 0.8202195912752575, 0.6813243628893686, 0.5126488949139292, 0.9637257044810384, 0.12364503308233141, 0.7358213366397444, 0.9098071343692377, 0.11342602814169189, 0.05105397667686275, 0.9344237284737484, 0.9989448546687084, 0.5259291332446129, 0.841586873817042, 0.7586271050928848, 0.5204179459650332, 0.42556648406611297, 0.5036915326164727, 0.48893588313143876, 0.3644883653070162, 0.7815852061887127, 0.15192133407875727, 0.2188008206293275, 0.8392079078700648, 0.5976778787062041, 0.0036820582345811308, 0.8314616575666172, 0.08483325518769994, 0.5857175112579908, 0.02099072208277916, 0.8057710396392801, 0.47003273848589866, 0.06197750398099088, 0.9358540637381264, 0.3086295049357167, 0.10115474825713112, 0.5350690537541372, 0.09415333986945579, 0.1270280467309731, 0.9509377483578659, 0.13643882707981841, 0.22747228077348186, 0.15883033766068363, 0.9018964912406997, 0.4629983498666549, 0.8715017339333718, 0.8831499609543896, 0.6225590239029646, 0.63482974486436, 0.32730479848253, 0.9523863544460525, 0.23422337334342927, 0.11665628060429972, 0.8375974597657208, 0.8356698534653157, 0.2562759556672855, 0.0027179571568278975, 0.053170163201666246, 0.20058200209773192, 0.18298027957496354, 0.3755430857508856, 0.7102143561138817, 0.06778084139443541, 0.12795948156798967, 0.8301755585352617, 0.39206566680379784, 0.47933446431492854, 0.9928946645269572, 0.43265156490849754, 0.28485426380517054, 0.5212760553298184, 0.7577953910967747, 0.19442490897150896, 0.30024831671212776, 0.24171690845839408, 0.5468103262016899, 0.4273476462575292, 0.6084893029104864, 0.32613343116462, 0.04398349733320872, 0.21993177095900937, 0.9203580575130195, 0.6254255196034652, 0.33161218576856955, 0.17170131427966587, 0.8448617955168096, 0.13417288957885032, 0.8593192379830243, 0.8902506332745536, 0.5857312350613467, 0.38120911896281806, 0.9261630169459139, 0.14765175304661135, 0.7137325623110888, 0.39919249072743734, 0.38991440594153803, 0.7757716895314133, 0.8479380440506055, 0.8548209582996538, 0.3911948434457321, 0.12250129277683695, 0.35885003031638696, 0.35537499163847086, 0.11725327832397513, 0.15284432523572997, 0.9223143622509689, 0.644619392826285, 0.28523915950720563, 0.9267354700731457, 0.760949237331908, 0.7306734527975711, 0.04013921777411849, 0.6551381530585375, 0.4412779868723975, 0.8507707729554883, 0.54093850632346, 0.7182721961466572, 0.9390203180998373, 0.40172948276195086, 0.05357594467032468, 0.1322431682147051, 0.8435199174073822, 0.109998872411549, 0.9463641367692035, 0.2890394586566813, 0.33531257760170585, 0.8580149260852827, 0.09940980477627813, 0.7599799737895817, 0.03363626921118289, 0.6356529095315664, 0.5750285043905619, 0.5135365624751138, 0.07247306515444384, 0.4088038438198712, 0.5944396624845971, 0.8691815578879236, 0.9768700863884516, 0.03329424639427619, 0.9631977288374115, 0.5954775212448185, 0.28292253324802186, 0.3890399739323731, 0.660571193596657, 0.12782329516978067, 0.20063180688173152, 0.24713267609647693, 0.4424905926370687, 0.975020572786515, 0.8549802751035598, 0.5033569078705967, 0.43856117795415606, 0.8757621856693605, 0.9332739790518316, 0.25260442504000025, 0.8350843546867102, 0.0647711875290021, 0.7265382687379385, 0.005326096318715793, 0.9841441407965221, 0.6088394376622683, 0.3076054937531362, 0.3473064384648378, 0.8316582071948107, 0.39441408898981833, 0.30811003212099314, 0.9801889295201249, 0.7243313210225997, 0.5386377054694975, 0.6552709789118552, 0.5043977533343771, 0.19288762862504963, 0.5160448565683058, 0.8387177440430278, 0.3558273593678407, 0.8223103385382851, 0.8452417647404729, 0.30628293591032546, 0.8633797131937945, 0.7289011748095922, 0.8818607232567751, 0.5501429301583624, 0.5060103469307223, 0.9079951546068756, 0.9556200164783883, 0.7462094012343301, 0.45675094746873524, 0.16978269696279413, 0.5938258641167604, 0.7760555534220857, 0.26596533989899834, 0.4151891720666301, 0.6293276463893066, 0.2547361391343938, 0.39080694085358947, 0.9559612021044561, 0.9559993670518855, 0.8372892995995569, 0.06797122673640675, 0.6056925802723341, 0.2994753410662858, 0.5234266215086996, 0.7021373973953753, 0.23741085867535494, 0.988452636820015, 0.8858786325919794, 0.09968886503881096, 0.5336931087170298, 0.7689956172879183, 0.5688961429009097, 0.5211242242059624, 0.5331828126608444, 0.8937048513589056, 0.0903918626178999, 0.6543286988360328, 0.8636381910568803, 0.49656864789058797, 0.7434733166344578, 0.8251635885662534, 0.8561428338921224, 0.2593989150496869, 0.26606871017009326, 0.5705668064725837, 0.4436138038720159, 0.12570321578447236, 0.19061132666318303, 0.24737619014368636, 0.07388573897729937, 0.21568856941188252, 0.7208176572789514, 0.09139893745786956, 0.8502898679951121, 0.4180929330324705, 0.26406793269694523, 0.11987465864624818, 0.8674355409680533, 0.25400488474762495, 0.09524820286256663, 0.6972796340688499, 0.9717268895262083, 0.2885610943018893, 0.8931066266201593, 0.658486497649353, 0.18199630406458775, 0.29143572130914946, 0.08600828618582797, 0.06798460944204507, 0.531130136552878, 0.9372449055582538, 0.7845331278734841, 0.8947707930107294, 0.9685145622210597, 0.6602589356452234, 0.6672734543974745, 0.8082841559543554, 0.7991674279869697, 0.40212511378152904, 0.7903823653387199, 0.04255467459739894, 0.40477794779520526, 0.2607395512871836, 0.8708143690856847, 0.7294894869723834, 0.4002359456262874, 0.7280954845767889, 0.7463541709798087, 0.8540457459306623, 0.6735146281403397, 0.031605437125471064, 0.19749725604382112, 0.6935319060173143, 0.02207918657035385, 0.08456117932859014, 0.7600964558400524, 0.7375018374362822, 0.18968246699145977, 0.6219702699551528, 0.7687952017880022, 0.765195087885856, 0.29576419702884826, 0.6626000621614295, 0.13899780459832, 0.15582038502996975, 0.2599033377067715, 0.8667080298851608, 0.9328348183045352, 0.3649672440612646, 0.7635848381809061, 0.7302402535623711, 0.4603415456861927, 0.846467766008626, 0.12371431238623304, 0.9464539146705816, 0.6973560052682022, 0.7369434875034444, 0.3680482704778413, 0.4641006081429977, 0.09337592399760354, 0.7993130987168339, 0.10940627574902556, 0.8353871055285369, 0.96158483910873, 0.4020701795455093, 0.32172686129372147, 0.8467318559199369, 0.9952448017911665, 0.006561049689092043, 0.9630626894513242, 0.8320360083614898, 0.45874431879784516, 0.8638123346213201, 0.2863032450749163, 0.7940755786711412, 0.007753586030555489, 0.06564892782255721, 0.07021299028545283, 0.5455646938857898, 0.6997881166319817, 0.5912455102840828, 0.2029490957172422, 0.4043703755584691, 0.0728400285568383, 0.031876028981647896, 0.019627422627359975, 0.602242432544396, 0.5066610293266207, 0.45919020782955455, 0.1401248051569943, 0.41646852290522196, 0.4575732326259262, 0.5827671936481786, 0.46215605619140765, 0.530639504800366, 0.5063900558070873, 0.9686998514321318, 0.45735999172282404, 0.8273125661232088, 0.6176993843292087, 0.31032653617347716, 0.49043099181175487, 0.9490675589587986, 0.7120164724901314, 0.44848487572360296, 0.2937444808705306, 0.7444324328033121, 0.7672598242675875, 0.32059016066360746, 0.899147918429515, 0.9466167511535424, 0.14729746783999254, 0.9554468867997132, 0.5398706598026035, 0.5299686811598947, 0.9234643101485915, 0.616068079721001, 0.1045213443523557, 0.07777654640311751, 0.6156940535413198, 0.022380119385602606, 0.4108464076617532, 0.7867975530537147, 0.3327437777972829, 0.7956887709989726, 0.08296759834711828, 0.8508197992154259, 0.3002235560784191, 0.026802461265042394, 0.7700573521392454, 0.9980693292100548, 0.047558268509520406, 0.0750156656186737, 0.32515055988371877, 0.06252047841628151, 0.916050758278209, 0.9505963318612843, 0.7403353613204862, 0.35044557902660767, 0.23593044410421773, 0.08114594722422779, 0.46319709472351445, 0.660311857237594, 0.4575702251471161, 0.16187869096893298, 0.5901158074588198, 0.7066943831432622, 0.49049768746779343, 0.6422124260805737, 0.10525430429503631, 0.4696766305476796, 0.026337587342313475, 0.6687108178954091, 0.8677125353525424, 0.7171473799479606, 0.578045384485244, 0.18142885999197428, 0.7032918130673511, 0.4525638444350498, 0.7696368511958828, 0.740541973672253, 0.30839255359623763, 0.48812264358171276, 0.6636269291726489, 0.26724586475324247, 0.09860572713497971, 0.5137348790622849, 0.09354556492783637, 0.030433078576958407, 0.3505500315929586, 0.2774587984922835, 0.9276970473319258, 0.9671340420831495, 0.5222117024557351, 0.32633542168394825, 0.4581676282127215, 0.4697272657601719, 0.37174924751322946, 0.7344789900937441, 0.8607788604386757, 0.2790119759724583, 0.9841080992244496, 0.7020573032787326, 0.8477418987981729, 0.5200524958517774, 0.4071575355838808, 0.6691894700917405, 0.4014233319395346, 0.6785018427471481, 0.7439326447829787, 0.8053418432515552, 0.5969064488614148, 0.6287658789485049, 0.7689806307615784, 0.9457129081374539, 0.09640275246022836, 0.6152352842113815, 0.11449526181289289, 0.9465500156089884, 0.056554286172097464, 0.9502078826633776, 0.23722122147058286, 0.3743194790377484, 0.7396811348048664, 0.3215758404379931, 0.21473938733567147, 0.3516553644737397, 0.16976167225321226, 0.15342569634306497, 0.6409601223744281, 0.05345325492386103, 0.45924904411397116, 0.9764622731303352, 0.008986580581045234, 0.9768685947505619, 0.4145753735227753, 0.43134738322797783, 0.564800117951881, 0.5112250792594194, 0.12262799028926047, 0.3098417214180624, 0.16840342168628883, 0.645656371443877, 0.8045864902934616, 0.404056889295895, 0.15694465838586563, 0.47539278234139504, 0.5458615868668761, 0.667659341761357, 0.21555267362488925, 0.9424709358088007, 0.8712352909510114, 0.9297158737933338, 0.2616001649326139, 0.9874029889186436, 0.5133694594728027, 0.43464511756393753, 0.08607595655804745, 0.37209653541615817, 0.8381420257265735, 0.7207173631111133, 0.467866487472794, 0.7441149845349058, 0.5833659600959669, 0.022209977482174546, 0.6151825093035458, 0.8790283818010298, 0.5918160937032335, 0.8234626036129664, 0.6673462907069215, 0.197117805306438, 0.7000868439423051, 0.162873827777987, 0.16973272291901745, 0.9146642576025363, 0.24289033207194768, 0.9602845637161356, 0.3282727176709602, 0.553074452706716, 0.7030730159589756, 0.460721275350799, 0.9518838354112684, 0.9015897790266938, 0.8147038022279327, 0.21629928517466632, 0.19743506664431337, 0.03780751368219738, 0.6867145132257552, 0.9321140854092664, 0.7544180562151738, 0.4076061026231079, 0.37813668789211996, 0.49926942739014046, 0.3765794431734213, 0.5558572124501666, 0.8108817972210991, 0.6661802637326176, 0.694255793958864, 0.3748774697304085, 0.4080258734757135, 0.6652017724087913, 0.7011529491964408, 0.16587943652272436, 0.012828840635828932, 0.15717539778796016, 0.28156760344090004, 0.37760535411258245, 0.9676644292228535, 0.6898622734246223, 0.9189796151755982, 0.29616460618652246, 0.24110165732280361, 0.7775407268362882, 0.09456397795796799, 0.9049150331874358, 0.18161509274277937, 0.05171945168868338, 0.4649725186993543, 0.5218989759898772, 0.6537688882117132, 0.825923554901481, 0.3261846676891119, 0.21373069631307692, 0.38312790639843763, 0.4708271655835844, 0.502458326195536, 0.42394251335598754, 0.860485665732767, 0.9157395948824144, 0.5048580744700155, 0.9310074257491797, 0.6216812929622026, 0.7609068349130224, 0.08608911263410095, 0.09605098344711437, 0.5438725258911826, 0.3938875767745923, 0.8010922565245302, 0.6907856978545104, 0.4761466242618486, 0.8992357754217783, 0.2779775785771799, 0.9067768531179762, 0.855021462830204, 0.9772054859498133, 0.0976897710007616, 0.4428355265126025, 0.8877377973621962, 0.8700294539799678, 0.847178834985496, 0.5222060986008397, 0.8616688533889191, 0.039961278710606625, 0.054646582565698286, 0.08630249720432051, 0.3064211347895409, 0.6379729866991517, 0.15115420680132258, 0.41379224687696936, 0.7342320404244616, 0.8382157791746231, 0.08636354406259603, 0.974341061092626, 0.3272482100343822, 0.37172133719725065, 0.24034254769017677, 0.9208289504322189, 0.20221713628996602, 0.8837970164957204, 0.17604077245801053, 0.7161484078709097, 0.6802247356149025, 0.5728198274711065, 0.24647488392521819, 0.8630926286533732, 0.21330713803171744, 0.7347341559289087, 0.3748158256288091, 0.33315097394192317, 0.7992150026236937, 0.4545018362154428, 0.19690674030556865, 0.6892704310270217, 0.48046675768174785, 0.7398786965400682, 0.3238550748022571, 0.7115269357424834, 0.7263314669394304, 0.8736744273915296, 0.7370327250624695, 0.3478630853420487, 0.5939890332013427, 0.31980211581628404, 0.946999948621235, 0.28582251601830816, 0.7207810667279564, 0.05824770225664239, 0.5449302474298674, 0.5197032998017159, 0.7919305228574722, 0.9282274831481788, 0.8858407535029613, 0.1680227806590155, 0.8720487613938845, 0.5124805648455111, 0.2787013221004094, 0.00044099972284257234, 0.3906511017657083, 0.07534247946095957, 0.524132034621863, 0.44444499693314854, 0.60277031814542, 0.16089288088263498, 0.6775315348707142, 0.46804262616480763, 0.3244712753699771, 0.9234335053742931, 0.08260107369550601, 0.16603131058281262, 0.950474773701327, 0.025669600306205364, 0.6499812693477307, 0.9321967453723032, 0.4029367947511936, 0.7155235545699757, 0.3568097997607197, 0.6456225035711536, 0.6305520425020494, 0.47918262730628935, 0.6487942572672991, 0.31032551664315666, 0.5609532280799634, 0.547787778944401, 0.6220145807433849, 0.14294304876208092, 0.3278714121462536, 0.03873471034768998, 0.4058144817030124, 0.00023354325835369218, 0.11663428898850876, 0.2089763790605058, 0.012379369284248116, 0.265943098352024, 0.19214352191952, 0.8377243772665462, 0.05920811563666387, 0.006453865007532904, 0.496772492156654, 0.3170002728566792, 0.20168481681937153, 0.22565891085729828, 0.21306242313856105, 0.7450459551150292, 0.32395791437788696, 0.8009995262061476, 0.5235914012848706, 0.6206423145774855, 0.7517913963714293, 0.7536163894462725, 0.29489220750471873, 0.0350433210622014, 0.10177601933075645, 0.34451414700532645, 0.3291315744983221, 0.7996776045120897, 0.46953977031147076, 0.34582783511338544, 0.2949494823757711, 0.25845578865168956, 0.7362536677238255, 0.6771035030316613, 0.09987143020023459, 0.16434580798062748, 0.3937547084845934, 0.7644242613064216, 0.7339921627404559, 0.1323820390131467, 0.7514443067408003, 0.5686790951016011, 0.8533052637323881, 0.6485956211451407, 0.4904989806803589, 0.03144032269404782, 0.9527097537597174, 0.8251272380627872, 0.5072324990694179, 0.4336081261052186, 0.3371860109578667, 0.12331515549802925, 0.39100844121609335, 0.2468605100038382, 0.5069556133460695, 0.7183319715399883, 0.9187796366136723, 0.5269776307439991, 0.7843389590200271, 0.3437119638622149, 0.29045531548918974, 0.16902338346653986, 0.6868569119215182, 0.6914707129595021, 0.029096627874842806, 0.34814068967692813, 0.6962339916480489, 0.2831183128358334, 0.8781799023922062, 0.22485302905280427, 0.3129033090237657, 0.6236509839032061, 0.45801193611791036, 0.7447057614753204, 0.3126891730853133, 0.7130094173942232, 0.42778684011480117, 0.40417352011171614, 0.27325085760973233, 0.3890996383424291, 0.6053077896970964, 0.18054618179955687, 0.5741753542247893, 0.8423155748054624, 0.6539190120353827, 0.5035889763244135, 0.9619019582907444, 0.8444041678677751, 0.7954558065725754, 0.2537611843634926, 0.6794289421251476, 0.2728168930623408, 0.0831858831910371, 0.9820821087313648, 0.5935850175915522, 0.8141284773376036, 0.644536560458336, 0.01518816383207988, 0.6065141982334302, 0.9591906165520656, 0.8050700595055226, 0.1614495792420217, 0.0063358145881709715, 0.22105543771974695, 0.07407276655187225, 0.030142699211585713, 0.4932930653213612, 0.319995329332484, 0.04370522112976954, 0.0028548990892241347, 0.590348344359475, 0.7315460091669357, 0.2164382763915009, 0.020640874570653934, 0.17928296728894894, 0.19238849180299797, 0.11572776420577767, 0.47271364261734705, 0.5395712602679383, 0.1788301690000109, 0.4303025016383498, 0.9421331490995439, 0.05443210664967037, 0.9669809506313909, 0.948043502929814, 0.4535697839322038, 0.6116035928771422, 0.966029758183011, 0.6854039191573937, 0.14730333880120355, 0.7536804050753183, 0.1652690966792831, 0.35035146413516427, 0.697959649877782, 0.7748311272650239, 0.9451440918236056, 0.5861621206538736, 0.8274939533751183, 0.302490465638661, 0.5916598353805314, 0.7807169071080574, 0.23076456524304342, 0.6676510095603183, 0.8740003623388326, 0.19195343446354143, 0.18951906151029638, 0.9179834303869588, 0.7034712840924314, 0.37158674611835063, 0.9512806414542535, 0.7940728044647033, 0.5939574927924116, 0.994835822234981, 0.4684172885577679, 0.010045325439191231, 0.6761890989751462, 0.3924754390207904, 0.07670919678991693, 0.5628570010322955, 0.4097456153841067, 0.9640318035855946, 0.4896593213486019, 0.8665448812798088, 0.841923795874975, 0.43149049521406146, 0.552387579641006, 0.1647826900618252, 0.9151607506248642, 0.285940805700678, 0.49630787943798393, 0.8906707458250369, 0.03364756311172881, 0.31195286584275583, 0.05877072395935055, 0.5303569116069187, 0.3979058607987427, 0.31369957827872097, 0.36884775669018643, 0.5490694803497778, 0.8164271049756385, 0.9810865808557584, 0.5150655585071001, 0.11448742248069738, 0.3849314420912071, 0.110260306781828, 0.3324499353885195, 0.8081266340713708, 0.4719447012407382, 0.0688559809552987, 0.3878687428687688, 0.6576563540755448, 0.05097969903705159, 0.5982252802384953, 0.4455757602249225, 0.934898899647831, 0.20831671571515378, 0.41073901410903724, 0.18215608329689056, 0.8068108960981704, 0.44712188519392737, 0.5188678460037882, 0.9797281704538596, 0.8000689279487716, 0.9145296266316769, 0.9703580933067315, 0.2610269327665749, 0.5520407223458594, 0.9462720396182338, 0.16748020069619543, 0.9393523557927155, 0.9953574200426145, 0.28140283814935085, 0.9760985626087922, 0.3318813167622022, 0.7381071270557238, 0.14009470730264145, 0.018504919000805135, 0.7068916433403217, 0.3465509631612701, 0.09079091696648524, 0.6413961759298175, 0.18252501965149595, 0.249906515647771, 0.193899148048685, 0.7107455070155334, 0.3859134301564918, 0.06585870551297396, 0.3754317618262083, 0.943208088795756, 0.7105620702287246, 0.02120717626027477, 0.06361479758153044, 0.1930296766738183, 0.359619551802668, 0.675465667016838, 0.8565530470441527, 0.9535376309635759, 0.33214539207583993, 0.7648253878936434, 0.6643030932102335, 0.16440330002749184, 0.7361459009091055, 0.0555376795975066, 0.18784282317135043, 0.8778796881454084, 0.33777766446795277, 0.4602666062218046, 0.7217177819563676, 0.7191736502466801, 0.9034779844669745, 0.5692089657528032, 0.5269524455789673, 0.780624438294623, 0.8440276546043808, 0.5923148091551553, 0.4123328471310286, 0.961050029315323, 0.6079135727831508, 0.7345044752525011, 0.9761205381022622, 0.13792001274249985, 0.20736404387419627, 0.11037871520955853, 0.38091359488254706, 0.10185134425817548, 0.7021194499161192, 0.4868255339885722, 0.1613255746764006, 0.3935281899431442, 0.343422873918904, 0.5233785096301921, 0.3238127984531727, 0.6473044541800634, 0.19466544101236527, 0.7873762050161297, 0.37577890466659203, 0.9356815006988964, 0.25236176605059724, 0.5982274227300595, 0.026396801411072705, 0.8764569551648002, 0.30247303847140633, 0.46281182212363836, 0.07966959044708095, 0.6680998928015836, 0.3450934013434538, 0.8712327587628583, 0.7945283776166336, 0.6495052720650215, 0.09039767576220659, 0.4647037348629426, 0.5995181191997397, 0.9958233094002968, 0.9311411912006068, 0.08565527539534804, 0.8261718900014939, 0.6441873557177236, 0.5258952233175911, 0.36689836274454835, 0.2612767794073694, 0.586944296899742, 0.7025305639411503, 0.8355623619776016, 0.9910273090427258, 0.6881695969941474, 0.42588749235903, 0.014333558347820019, 0.31439193918803093, 0.5679119249504077, 0.13292150891506438, 0.9351351907948705, 0.16336077320360368, 0.4276039101176615, 0.45599532465942105, 0.7515835745966328, 0.041744251971624236, 0.25881825020898797, 0.5276302164709287, 0.9030859887398816, 0.4361865964922027, 0.731686232308167, 0.8587622587489911, 0.9858320936541515, 0.8338720410247572, 0.7049609465411428, 0.3113922220963613, 0.9960533440446158, 0.3549251996363484, 0.03375312640675928, 0.8883404718514254, 0.9279248958777149, 0.6335353613547365, 0.7024336598669023, 0.09900048263691012, 0.6774056213722971, 0.27659422538655465, 0.46742856042621694, 0.14754599609952712, 0.17012174352766385, 0.27693076553126006, 0.24561211058829777, 0.24048833922274682, 0.2566824035513789, 0.41073930832006744, 0.16551998314553004, 0.41390148877167277, 0.3764324784827673, 0.4755163172252863, 0.8889934319967587, 0.3301618259176008, 0.7279845595351733, 0.5579596641263842, 0.11854773156735256, 0.8045623290959703, 0.6359949024782975, 0.22602026037525708, 0.7771221363200629, 0.15971481780779156, 0.14617147631776947, 0.540561855082321, 0.9349883074241185, 0.5666142002480822, 0.3305723440461853, 0.9093643111627469, 0.9079997670946945, 0.0388229420324449, 0.9414243479473249, 0.9153443358480249, 0.41805597755500756, 0.4863306758988787, 0.6856441427737237, 0.79638655621752, 0.8509979071382683, 0.08647179176641749, 0.16006798462350214, 0.11479591595738182, 0.1809912566070497, 0.8364381073972519, 0.24408736443502924, 0.34520214955452877, 0.5569483541375901, 0.4204922600648695, 0.7802713954209294, 0.08080940532558396, 0.10693453441706349, 0.9885851062152087, 0.5941221761890751, 0.3954692873206339, 0.5819564062860197, 0.02176955585216866, 0.8931565298964795, 0.39364896835202867, 0.3300672037007323, 0.8991245364232484, 0.10278010984547581, 0.5437429174993715, 0.9403555123334233, 0.011031523975579854, 0.03591840079001346, 0.4064267170310406, 0.8794895359875486, 0.22648341601033609, 0.15691828681292008, 0.9702959557645102, 0.1687776882295518, 0.739369220267299, 0.21593431158440354, 0.24876340138122946, 0.4616828380357135, 0.5032061375715747, 0.5135646520802044, 0.06653170514576368, 0.5457014832821248, 0.05783237566142069, 0.56981902304822, 0.42646153384966845, 0.7960185428603472, 0.2781198924534291, 0.21406931635287763, 0.8164687158602042, 0.7707473000517939, 0.7382274083282256, 0.3196159647878064, 0.6659973693742628, 0.7002565797548125, 0.5246972803832858, 0.24496209190739565, 0.5764594460560409, 0.4706400764500013, 0.41855022164405786, 0.44857700642543774, 0.46612636921340334, 0.904294929602457, 0.8914112629962025, 0.46861901541996875, 0.6210396039652464, 0.48054926162230593, 0.2723093659982338, 0.5249909795599966, 0.6937158231543523, 0.2877023290165285, 0.7646237122079029, 0.3136587876190193, 0.31949453978219755, 0.7034087970310772, 0.6534446197404469, 0.14145737370975084, 0.9086751385048142, 0.31514142139233614, 0.7926374719537014, 0.9197574565648261, 0.6129989100926181, 0.6011643497048095, 0.8697926918579477, 0.6347736919794277, 0.4966017934306075, 0.5330615937592625, 0.47501422520357883, 0.5748947136178703, 0.7905501821423713, 0.25469492264345106, 0.6028224403864553, 0.17324834527724145, 0.5742460997872468, 0.2143040986658039, 0.6741735067642431, 0.9573894096093465, 0.8197680220634375, 0.19794175638096212, 0.5931998468992294, 0.5002879440764728, 0.8692861939595673, 0.6860226790355727, 0.979646912527607, 0.6190004182373692, 0.7222341736005133, 0.759649228635183, 0.8265426787353853, 0.4328276989973433, 0.012239737859389968, 0.5363353327559592, 0.548787140860348, 0.6145898605703654, 0.05222138949623325, 0.09199790834046978, 0.5691194395147963, 0.9849151048840253, 0.10663323414917722, 0.6962675160084013, 0.6149656228960908, 0.21658740459498757, 0.5252807528320544, 0.32822655049278815, 0.23209782774045112, 0.7644657998055975, 0.18822985195554534, 0.6859058961451783, 0.6141704544660369, 0.10742250894605919, 0.628224204942083, 0.33121438007179926, 0.5187651818436381, 0.5114010127666105, 0.18987718775534315, 0.16003598452743645, 0.6556449800666013, 0.2917239644902666, 0.256235876374895, 0.6141006404201879, 0.49217968966040027, 0.2258697892712586, 0.2037398822466061, 0.049405408077029624, 0.19911116824351663, 0.16573841673402162, 0.4754849538582637, 0.9623557660780626, 0.8698016871265617, 0.38117777288478794, 0.1569920420182443, 0.6424142362078491, 0.9530611863114988, 0.14398118621910713, 0.733719125195377, 0.9502272741438522, 0.13616288937310625, 0.5499225244376799, 0.33648547498511217, 0.012241650703214313, 0.405003605085295, 0.4701059492434093, 0.34928408434668257, 0.46204283644060806, 0.4804185608053654, 0.8274837584894001, 0.31748522295487097, 0.7099907785996904, 0.6523589801539058, 0.07596987599766811, 0.26661128697867237, 0.8098982937380832, 0.826917421189957, 0.6589722110504803, 0.40033071862307734, 0.21853363128286166, 0.941754064619137, 0.8452930088942733, 0.004953061803694847, 0.5089617576004373, 0.7438825209334848, 0.4142056170690065, 0.2915929762790551, 0.8314673795377007, 0.8877449952466633, 0.19041617312428874, 0.5846782075698973, 0.29696480931912655, 0.6366228706997215, 0.8868075995768396, 0.10219608719890456, 0.7551035593044131, 0.6312922007553994, 0.8114150856072628, 0.6582470209482096, 0.66846547916029, 0.3677944975190022, 0.4758183798916379, 0.18942519134791633, 0.44970474471834143, 0.04914937435279632, 0.8590131275041201, 0.8921601143847833, 0.7281697500480147, 0.7616843893973871, 0.6710178790689693, 0.47589938339491766, 0.21573006350255214, 0.7165780690778656, 0.7486506665901405, 0.9344953732957783, 0.46221492147068954, 0.06753680487610239, 0.9399149001565937, 0.19165691454886133, 0.6463732588853084, 0.5231567659152451, 0.5010988565561298, 0.11577186221244219, 0.5008747494921983, 0.8424779727733249, 0.9347385861485834, 0.2667159985515014, 0.8724731347784622, 0.19190324867039835, 0.21208999732511505, 0.5434494860108903, 0.267086027722333, 0.44103901741191465, 0.25961558703915816, 0.07778917683444296, 0.6959420242072949, 0.624144831957848, 0.4225729797157125, 0.8956958624717406, 0.9644065810623931, 0.9692927893969875, 0.676958021859352, 0.6618199185227136, 0.2690340870708895, 0.2548657798903084, 0.23876425891375228, 0.1846723816009916, 0.9446753362660953, 0.9292828671239761, 0.28641881434047056, 0.5876452573358041, 0.9680101067288287, 0.1739364352150325, 0.578294175735661, 0.32945641856582697, 0.24508584364813496, 0.682932060108005, 0.4612748340989632, 0.6843494254313165, 0.4400243298786548, 0.024428509122762152, 0.9976415394922312, 0.7639553105308958, 0.34975039049339396, 0.3461274424594891, 0.9873521927265189, 0.09110149457534507, 0.29962040202577456, 0.2776302639058694, 0.09352064447344428, 0.43770613294644567, 0.18916835752359973, 0.677979661133579, 0.43716217858643003, 0.6586019197279425, 0.16016125628539887, 0.6942434403524529, 0.8585201907760881, 0.9399515406149397, 0.28020341700969065, 0.8340048701663504, 0.033899626378649385, 0.45889344017208855, 0.6863956149504424, 0.8115579126340515, 0.41104615971770553, 0.5999470074107712, 0.11494832770714232, 0.6308387330373716, 0.8493360483398261, 0.7470531514029888, 0.05102053375369446, 0.9969848100842869, 0.19633656237357222, 0.7187393945050499, 0.5520831131573387, 0.2939787278488859, 0.016416581650536877, 0.3307879812729375, 0.642839605939469, 0.4365331994713306, 0.6930958171699564, 0.8265166673029116, 0.6916010822627578, 0.10821934305884608, 0.9741193488464136, 0.7292207875468592, 0.757986363995105, 0.6182758241146729, 0.1974782701438004, 0.15546982843878346, 0.7410138582756349, 0.17729291891195786, 0.6490159366579273, 0.18587603037457506, 0.8185872120202351, 0.046624024061581226, 0.33059583463068376, 0.8291706529338261, 0.4882081198416153, 0.004481589489932988, 0.478268349651346, 0.8770512228921332, 0.7044921475952836, 0.0751088576544447, 0.62386803320413, 0.7103371296261849, 0.3306921283052605, 0.3328449669264487, 0.5310390451860166, 0.5025883050673516, 0.8292634011518474, 0.2369818297832417, 0.4509793278566584, 0.11922648047407469, 0.7021373473397319, 0.36790385481098886, 0.15668229212797494, 0.6843609380020121, 0.6038467038363567, 0.7606726866173004, 0.002652186494458485, 0.2564329436110475, 0.7585988716191773, 0.39034595752981294, 0.8776717898525007, 0.401000865456169, 0.9898524116359289, 0.5369085465006453, 0.9858427106672868, 0.22561139834564725, 0.12629652987087261, 0.02939435825039113, 0.5008718053724595, 0.7511732884008441, 0.6507946737467043, 0.8427148913143869, 0.45732875522892913, 0.5358338301700509, 0.11287640482525108, 0.11792804261276921, 0.7798422080645735, 0.23965717114436436, 0.3287058966954478, 0.28973687102704465, 0.6020987134026325, 0.8404694826469481, 0.7201816616824244, 0.30376622397780795, 0.6744104583882347, 0.7700871762491837, 0.3515143685042449, 0.1498039941271618, 0.26807882530094257, 0.8826755901048721, 0.5117943141356447, 0.2973114585486341, 0.34033499884879637, 0.7288491765759582, 0.4449721564179585, 0.4036260635742519, 0.07809260597472359, 0.7014962176452431, 0.10224858718273712, 0.3278839952739323, 0.7062464549368712, 0.9037778858828408, 0.22376024860461366, 0.5917921657425442, 0.9998591804359139, 0.41341629762598897, 0.17377008347965706, 0.41638225928258754, 0.11603318127541179, 0.3522806228367329, 0.11171866985176428, 0.17675345936134737, 0.15393978790167748, 0.3226013585262805, 0.682769469850169, 0.31208636026331954, 0.8608474525244518, 0.31338322462128015, 0.4822590396429697, 0.4206499351029154, 0.4611279080760128, 0.7483247648595284, 0.7511670529248219, 0.1554604040573933, 0.6240728578255814, 0.8239686640998752, 0.35462771172407626, 0.7903684156997974, 0.9299023644307796, 0.34886556664585766, 0.4861983175645981, 0.05035721795635943, 0.02787756521176128, 0.06739974964206363, 0.3853018422846637, 0.3150543985499814, 0.13671806554980742, 0.6065869341470034, 0.9684067507622924, 0.633341671360308, 0.015774096132533808, 0.32645905478089043, 0.8346249219119348, 0.9430518869328691, 0.6720358757516809, 0.9533135003427918, 0.040817336802536214, 0.6306809244157092, 0.8084606961802605, 0.2906068564383568, 0.9554886074400233, 0.8541354064672577, 0.8194220210249095, 0.2639340559876035, 0.42985058438506707, 0.6070173545698117, 0.6470766550837923, 0.9381711635277523, 0.510554126178302, 0.5116378710400613, 0.32856030211386467, 0.16027258592746005, 0.7938022283707079, 0.11277462945243517, 0.6760262403774854, 0.0904953307682797, 0.5533674679056597, 0.9957299708249413, 0.04027381964591539, 0.2988643912163531, 0.8258369080451698, 0.6061917165295239, 0.6467711865664212, 0.18652677189694877, 0.9965294823753169, 0.0424211971087852, 0.6172080264801518, 0.9278862506453966, 0.9716805919622244, 0.7050502285334128, 0.04813982632138747, 0.08845166557491352, 0.326147874603531, 0.24653399062843917, 0.8391996839380205, 0.4003581085697323, 0.9507466868846293, 0.6165020582406179, 0.8517602013398421, 0.5829456592541269, 0.5731895684688975, 0.8778978198902725, 0.02105867109545038, 0.7408815290794073, 0.9960607311920138, 0.27156987843593294, 0.051702288790941624, 0.9626479354397517, 0.9657121428417103, 0.34934989947625494, 0.5270562531788634, 0.9469832658967796, 0.871112926943086, 0.026161347195088266, 0.30516437083747233, 0.9553590745543172, 0.8098374352546963, 0.31800303603109814, 0.7003091826795375, 0.6939922733972349, 0.08155509814290596, 0.7781411094048565, 0.36898611755579924, 0.15899032638368915, 0.18501015607857282, 0.873087203807686, 0.8763430748880678, 0.7417776619843781, 0.7413822320977771, 0.955809543390052, 0.0837891096436792, 0.07086258839242945, 0.8644807445186422, 0.3652864558006804, 0.3706913496339689, 0.8058236697681513, 0.47281410788425293, 0.9466320612385855, 0.08670542754339952, 0.8683871558764009, 0.24306098620050004, 0.3237809625014053, 0.5990035516549937, 0.03755983084378802, 0.27416557392138424, 0.7308027903047392, 0.9437678311551376, 0.0587308459927823, 0.6536779200585998, 0.7218392277486907, 0.27729123917271553, 0.09118698449362432, 0.581102044839126, 0.6484901544402655, 0.026856812482119036, 0.6589892621725284, 0.08742863602099675, 0.578489975933393, 0.3049719316040655, 0.1241664257008539, 0.473203245177932, 0.34500075877060365, 0.32752750147763876, 0.5561649148951842, 0.30768137307988375, 0.19515705566058228, 0.8593091564955994, 0.8249373279250669, 0.1254495187150098, 0.04328787530762229, 0.4200427637668941, 0.7167357216800416, 0.7397842646047361, 0.15723639790827515, 0.5531706468200108, 0.8496660708312639, 0.5710162212829958, 0.1573366359635728, 0.32174240592524406, 0.2379877494191066, 0.7595486940995599, 0.7420541009348719, 0.2237517340690509, 0.9192250381578716, 0.24788001604457896, 0.07893091482514293, 0.4373954733239802, 0.2935103681649313, 0.26500325570789285, 0.07065224103188229, 0.7527643689308331, 0.17430744737883222, 0.3862305418134504, 0.9954751231863005, 0.2685747028168476, 0.7934859088184261, 0.33305021926942113, 0.4982612838891176, 0.6176908027103363, 0.7383576808533152, 0.19617351337115657, 0.4024490788649666, 0.47630547043441274, 0.1147967925719148, 0.24395754467490688, 0.15753077391717488, 0.7995988884160579, 0.7076934401966866, 0.638499291302832, 0.11820647563192167, 0.5422538961692717, 0.8433157420611502, 0.41518839476093106, 0.5495007305347803, 0.37128706307569115, 0.7025249417188029, 0.6555078054241101, 0.08381322877644808, 0.7263731187038349, 0.2792246954642888, 0.9793318369502557, 0.0249615095967726, 0.8510133114384685, 0.23857441109624702, 0.1649743582087184, 0.8303622010997028, 0.30103285164265337, 0.20306681125076403, 0.00024104244542539903, 0.30350236510062717, 0.9528577314215829, 0.11580431247960327, 0.026736024047798648, 0.34198185296060857, 0.05476195902638195, 0.8937200553232741, 0.2980425171604669, 0.26216378800711143, 0.9969923642848283, 0.37290851523160273, 0.3405483299094666, 0.5644234645404995, 0.7315425260837718, 0.9115261115832991, 0.9053500468504867, 0.9915772261237593, 0.9515066658752969, 0.8695432547399192, 0.7033820008455486, 0.7029597095644795, 0.38330666172536076, 0.6877911201468128, 0.4776452252777592, 0.6331210580796818, 0.4319314935845012, 0.06830845513929133, 0.1721956250974871, 0.24582204979544836, 0.6063953327373438, 0.5281564233329701, 0.47180751345126626, 0.12616455114105113, 0.7023459062916795, 0.4716583069318947, 0.1930713893595925, 0.1004632548763828, 0.5063440965231021, 0.17375518327267198, 0.7778513801337458, 0.8662214443374896, 0.8320432230603331, 0.7369741805835567, 0.2737472738701073, 0.31581978158675195, 0.021290579521068796, 0.44926480534217283, 0.004425109363872304, 0.33481149575743563, 0.6783601744679364, 0.3477954752043999, 0.25126461459499055, 0.6083902003173083, 0.8323706875697141, 0.7066819854431656, 0.3250786149381, 0.8899931699064731, 0.3919882120207271, 0.03156082580372666, 0.39112795846197546, 0.1553780236146627, 0.6167185859314857, 0.6239198389410412, 0.14375170919443148, 0.727091276677838, 0.6659036844322004, 0.6067501617852873, 0.568548996359397, 0.31275239994615034, 0.8242632534346622, 0.2441349357713475, 0.7798350739171565, 0.21535493802948313, 0.3737647267622737, 0.1084918120669615, 0.8536685135711699, 0.9144878784261522, 0.901000883946085, 0.6826890883351735, 0.2880695896220641, 0.39581782166240376, 0.0688099085021558, 0.06770301806345268, 0.9100489179716416, 0.565269900302496, 0.7697733761880248, 0.8069720206831064, 0.27542397740062674, 0.12892378340909758, 0.3401118127372822, 0.2987263008726864, 0.3331383973458365, 0.5596805853598372, 0.1264000899032642, 0.09972540438412852, 0.7915313342920096, 0.8603086173079354, 0.05445867765349652, 0.781008995992913, 0.4006005432754167, 0.37986216466680955, 0.22453822895255593, 0.11048183739257712, 0.49345280683801584, 0.14886482243332277, 0.203907270931292, 0.2845718849188485, 0.8392059802878904, 0.905083698822869, 0.2777118780270986, 0.49371360319025914, 0.19094335533826196, 0.6670792182898972, 0.7723513904018011, 0.4058208187466237, 0.9484543112072159, 0.6905576715894806, 0.7055671255859806, 0.9431103893361551, 0.4130794060546056, 0.03973944147559902, 0.9951610596084259, 0.972491740706133, 0.522163864658393, 0.24785131761003754, 0.8210466725108977, 0.6474886345132815, 0.11571972111671146, 0.7078277246314537, 0.6532427185496477, 0.08239974069292137, 0.4437888142611416, 0.20975898804415594, 0.5187500571840835, 0.08450162612419804, 0.8879933016041627, 0.43427046550827886, 0.936891317164629, 0.8037756638007949, 0.23856725435150739, 0.14504236842313858, 0.5504704506209193, 0.8339655107231106, 0.34752012453358294, 0.7541812315884271, 0.43228931674844007, 0.3623904614783159, 0.41656565825497094, 0.8184704021855332, 0.07522183125026675, 0.526075211330948, 0.6827037357136193, 0.7525154181866367, 0.2764262212372992, 0.16154494218959065, 0.9773139154143339, 0.40702563543926507, 0.314382601613068, 0.5890700832396006, 0.9558757648719792, 0.18577530472674267, 0.8657668465663143, 0.6158503305927125, 0.33055239567996664, 0.2731845277688593, 0.10820118064120422, 0.5670115462632881, 0.5018163930454181, 0.3410511130473649, 0.5817246068044235, 0.33204318788786424, 0.46939529075831643, 0.8361681774102758, 0.889333970129328, 0.68296938058567, 0.8755316151892194, 0.8708971772012092, 0.9348377013662759, 0.204342888613011, 0.616181946023654, 0.7755844500188525, 0.5757691988663693, 0.3053346155040278, 0.9473261111682961, 0.3470572031673739, 0.46072502192912057, 0.2846697086950642, 0.9062442345233167, 0.07153210170436333, 0.5610404726090508, 0.5042119432163352, 0.10867902209145795, 0.08340802041259884, 0.6294612766555175, 0.9450829133327497, 0.394070486357727, 0.04746794376897851, 0.42731822079900617, 0.45659934977009353, 0.7542476610384634, 0.17872977094510076, 0.706262850593953, 0.06778220379012126, 0.20840215875316134, 0.6490890535725904, 0.05987537446387529, 0.7640872577228692, 0.9067724458125523, 0.9159937911657462, 0.16941468631533718, 0.3179488353576406, 0.5027622198460697, 0.9208280075484045, 0.7618873843331752, 0.18916994020855718, 0.09924476369093872, 0.6012268717621021, 0.05380415747393127, 0.11367736790233715, 0.7732241956932254, 0.29942234153325714, 0.06888664441057614, 0.4887440856372821, 0.15849383343686432, 0.8213631528032008, 0.2563055048825365, 0.512969044098768, 0.5178491914470109, 0.7563079684426773, 0.9376897095329003, 0.9023785270064366, 0.7881280718676337, 0.7835427496185984, 0.10126958379705465, 0.955457375613385, 0.12509051963541815, 0.501783780615205, 0.4414400251414602, 0.8093872454564492, 0.16546015785760695, 0.5513323118368253, 0.2556835562770106, 0.006703429051504532, 0.8839984730517139, 0.5830301285574485, 0.7336766457477366, 0.9943043515385992, 0.09615067510140697, 0.2191825418489039, 0.8152283947835809, 0.46058777710678156, 0.33833460061243714, 0.1952073806579714, 0.5885877023357298, 0.19791321094541797, 0.5903684328645078, 0.9837411058957626, 0.27598336558157616, 0.32165396724179296, 0.2109065962736599, 0.8887681268531795, 0.14509454739230387, 0.8282320139756056, 0.5598623578705164, 0.09581894403200258, 0.9067859349362773, 0.24817850145382284, 0.513072128493621, 0.9261930871411838, 0.10836814130252782, 0.897068630859433, 0.2648854862074786, 0.03798533354880169, 0.9628655499086478, 0.77222408119026, 0.2854573648568954, 0.1458860329864434, 0.5407333470664075, 0.5734971101081803, 0.0576296587717154, 0.37247621831169564, 0.36986630302751755, 0.020547681937021077, 0.2987482972497678, 0.9047435188026739, 0.6902639586409797, 0.5183125144193075, 0.29070010920690065, 0.3414906133659632, 0.6362007292115761, 0.38102630762518863, 0.10030732755294682, 0.5637511996136281, 0.21989690183826416, 0.8478106069607828, 0.1896031913401384, 0.6063828349253275, 0.01909185687534797, 0.0025725711107894016, 0.736022276907478, 0.554556566060628, 0.4456846195908387, 0.5685523991969605, 0.7278922403164338, 0.9544037985313066, 0.3987286559985531, 0.985653506821423, 0.34134131274711055, 0.21717067119022698, 0.06475007238807642, 0.039661622210714786, 0.49308055738398704, 0.9445053149494667, 0.4456510918346125, 0.4578605551239492, 0.3195522226283867, 0.656736738467566, 0.7766915486883551, 0.47458823863060984, 0.9122171758384936, 0.2678973329233314, 0.7376159635952151, 0.9743617553660171, 0.9939128710192514, 0.8289213596484737, 0.8386412677795146, 0.631350255654515, 0.16526985533264124, 0.6532560263289212, 0.20202593553574985, 0.9363790678440717, 0.19867377456071142, 0.14321941992349188, 0.770773434097829, 0.12277574264088849, 0.03266479499038157, 0.6299905375366045, 0.5263114903956914, 0.044947118125141586, 0.20303605222121232, 0.43013912568102086, 0.5590068796757858, 0.5609143284550863, 0.9849746860792281, 0.9486698810022915, 0.7553800371012771, 0.7692061708175253, 0.4325176219587171, 0.05306601305011448, 0.9301235540942079, 0.10141431579863487, 0.7711667246448077, 0.6562707875547746, 0.8179035197859537, 0.06674272889903145, 0.9881539382596437, 0.9983643836794156, 0.7804839084607931, 0.14518982318359708, 0.9146901597919168, 0.07612247075494899, 0.14862328010763803, 0.8439261129086237, 0.1010749758196538, 0.3374618693838841, 0.24600011650284853, 0.7111256061150312, 0.12374506947477867, 0.8119766517745989, 0.5361403928906848, 0.6625682933563937, 0.9186662683012456, 0.4424412357354405, 0.7146856160402639, 0.6497917280593529, 0.09562323915127209, 0.6997423071489812, 0.20593484465361514, 0.0938357703168456, 0.899662754047486, 0.645996641778807, 0.94869873078032, 0.6190335481870324, 0.848632892843719, 0.7344594084067053, 0.2294314454600885, 0.9401487105266749, 0.9205882782073671, 0.5097335600167958, 0.3894134808379849, 0.473857536433655, 0.27818166906593017, 0.27947794092559897, 0.9798256819954312, 0.8193967470765406, 0.2783662185852729, 0.32004698758760464, 0.8552887668138895, 0.34424381701887585, 0.9739471741606108, 0.5119830918340978, 0.33711478558096475, 0.5986384340589883, 0.33126391305256375, 0.7121073989105902, 0.3016134681381183, 0.2692861360303956, 0.205074867809069, 0.1940914417561834, 0.653147368276467, 0.4592389577605379, 0.37531201539429226, 0.35072026128244815, 0.14800508221513642, 0.2945710230023809, 0.09748507360221256, 0.4660824575632522, 0.16847061627667378, 0.5995284499308339, 0.0669867046461557, 0.18349446363491412, 0.9917828169292597, 0.3094195544206692, 0.5491098215200308, 0.2535530403583986, 0.5669374527370672, 0.0711936865838713, 0.7452318550737177, 0.39593519246451725, 0.0663944551523982, 0.534291163648242, 0.7546630143854565, 0.5129902532219006, 0.78644229438635, 0.22925502825800123, 0.7926380217088206, 0.764485213099411, 0.676582538280141, 0.5595323859883898, 0.9905935157504705, 0.784832269318225, 0.4455531564191946, 0.9243915081671422, 0.15750401985602047, 0.6287915701138016, 0.8770578836549443, 0.029604553536394403, 0.04089242965701667, 0.44094467364426504, 0.3402366013255401, 0.7301298381432034, 0.24818279364216417, 0.7360634514682125, 0.8442983781655664, 0.2183095113482826, 0.97692190387752, 0.36802270658515523, 0.46860261169046036, 0.4094084974180032, 0.42330856252926874, 0.5446225918109783, 0.7103653697786905, 0.7151775129972457, 0.5144966565395404, 0.5277904698973175, 0.7107287965547486, 0.33271047490209704, 0.4092385051554418, 0.43559046891571007, 0.12762644909627655, 0.9171601723720327, 0.14075092917804308, 0.6062607237314981, 0.9210355531526907, 0.08034281505336807, 0.1379960937123822, 0.25361689654421476, 0.9018232861480149, 0.887061091653476, 0.5871298650095491, 0.6216793351093247, 0.5358653133270057, 0.5445976189500903, 0.06632184965042776, 0.20055191743141526, 0.34897106688865087, 0.3263958547777712, 0.9813190560379984, 0.9072584811891558, 0.674170913105409, 0.4792127082031209, 0.8936088366938852, 0.7841301730108547, 0.7944805888428507, 0.021303869713866042, 0.26885241079553607, 0.7620727706390096, 0.6104333509501616, 0.9385869453261934, 0.9261094906095783, 0.6576758545247002, 0.511326108079484, 0.4640986508321068, 0.9714698361350251, 0.5378416059268889, 0.05361657922101832, 0.41656576837343695, 0.450851571445278, 0.26542139945119014, 0.9471709019779689, 0.6070471130043731, 0.2786343875684522, 0.15976150150716084, 0.5596244837491513, 0.07856435001437863, 0.38905009881176855, 0.6999581489262032, 0.42933980840546115, 0.7486695512550597, 0.039352415133023864, 0.4699073043186741, 0.2357814218512506, 0.2745774746305583, 0.28547973737679183, 0.2636899171221683, 0.46238956657177743, 0.04032622297629681, 0.33309908655094034, 0.6139636358725182, 0.2880748794028581, 0.9498315385454377, 0.775790868233651, 0.42552455429009794, 0.46986365050697854, 0.30697017970236307, 0.6477564815783627, 0.2348139821015007, 0.6060422035251163, 0.7660339349327997, 0.8775723692031412, 0.31127731670915626, 0.026097518261013256, 0.42090319042688407, 0.0282762946167933, 0.6349504458891901, 0.5500087776335038, 0.1474742005661531, 0.16461221703825174, 0.1887521643354908, 0.9896349694366942, 0.40074978964126007, 0.8012614650980608, 0.6455718659427134, 0.379139745798878, 0.10825815514774252, 0.4164593087501761, 0.7691635288033276, 0.1723878005567307, 0.03876715848975002, 0.9514703357914497, 0.4764779323869276, 0.8399334250786402, 0.7129525517704404, 0.46628435758070774, 0.41161939534110015, 0.7967458675213042, 0.9586262232944021, 0.8342476330739969, 0.8113027892116502, 0.06337272647654654, 0.31233746164799436, 0.2091687402755756, 0.0900702360948988, 0.07412729628502408, 0.0694700143810712, 0.7488481114822412, 0.271051482900648, 0.18591136788030865, 0.849459091024813, 0.7524462260769069, 0.04169918579910457, 0.7922231826539108, 0.7983218383130589, 0.508207705162695, 0.5223691461006543, 0.33714596930059926, 0.07843309060886215, 0.9418093161899935, 0.5449183445703877, 0.9278076583449979, 0.962388227307502, 0.5450799276490648, 0.772651078320701, 0.05380039107641352, 0.2890851850233631, 0.6734317659710758, 0.1879902141800051, 0.2665643531269018, 0.5846280644942705, 0.4333968414274392, 0.5365975450354075, 0.8411139145452686, 0.9361690811362907, 0.2051788188307519, 0.34774499635766676, 0.7792790325834896, 0.1647390223778821, 0.5878933807865447, 0.7508121754731861, 0.4923700844984553, 0.6071375077802723, 0.88484791239819, 0.07267718745652052, 0.11959757402401093, 0.7803110370477879, 0.9361793340967122, 0.5343549482939163, 0.3147439724647656, 0.4386423312970207, 0.32728241962991833, 0.904338449616898, 0.9538117265495365, 0.1113817347153659, 0.7857950592130711, 0.01025558626476554, 0.8868852468774677, 0.4370686468470705, 0.42300241396006066, 0.6004124004957383, 0.010135231661740119, 0.5818185007631984, 0.9542215668824837, 0.2897092337147533, 0.02323367211476935, 0.30898194479042806, 0.2659629948605807, 0.31781444982473617, 0.6333946675395187, 0.7835232970137573, 0.026679455465113532, 0.4491275449637321, 0.4942494125490243, 0.07248536210102915, 0.6147502231117674, 0.4703468927247162, 0.2779626356622356, 0.26073431584000234, 0.4667346571886761, 0.7364273612452068, 0.969699392688416, 0.9225039382343396, 0.017034824304925054, 0.34472520743655777, 0.793320173163603, 0.39906727147934784, 0.6023767069836284, 0.5695822089501482, 0.3169089915039579, 0.6661442621347445, 0.5492422963945851, 0.7924896774637096, 0.3762627450878492, 0.24003406875495503, 0.2786062774075486, 0.08193765844164876, 0.020099749332527558, 0.7577062233042886, 0.8062484722919351, 0.5404354157151194, 0.989742715640795, 0.9183244761277385, 0.7279871416111344, 0.19217255033573885, 0.8222728932364158, 0.37308719184329864, 0.022443380210739633, 0.9896288768447211, 0.391523144529459, 0.30810440724193494, 0.25385890601254757, 0.35400475657627173, 0.6639098075888246, 0.512385572263172, 0.9542214121431538, 0.3346568397262618, 0.13194176412603487, 0.11497943251507826, 0.020598541173080725, 0.6619568670602158, 0.17833981626279174, 0.2896661328850267, 0.04763674561627261, 0.2968870924171354, 0.9410363536124107, 0.02231943892889866, 0.4774899813274094, 0.8102626594221232, 0.7079598449925953, 0.8154375820096137, 0.8636704621517357, 0.23176401671932603, 0.5264890998684837, 0.6169841113975005, 0.9718754292981062, 0.3122389538144193, 0.9795956543931074, 0.8575531460185731, 0.9406477367140064, 0.036299236319547616, 0.4083669303685211, 0.6679352178212907, 0.8787587242605778, 0.03275258844407479, 0.2296161373967255, 0.6583023355487191, 0.2605596432256624, 0.8536315553048872, 0.4341533883763218, 0.5345822414482511, 0.12201942156448205, 0.466145725669427, 0.5840050942856194, 0.98033739929908, 0.8108047895813686, 0.15718193491417637, 0.6999057686329899, 0.6782670960084741, 0.8218938857424297, 0.11241566324608371, 0.41770635334987416, 0.6929624252336262, 0.22222094749133653, 0.32439235437132985, 0.18955188794187064, 0.6575630592200932, 0.17977017948138566, 0.7531305989823641, 0.6396248461071006, 0.7024125954685112, 0.0753728899583312, 0.4399610031096326, 0.1140874230445613, 0.8312848834145926, 0.13506341267523178, 0.7449484746442465, 0.5599924311586562, 0.25649775453519086, 0.40324879319554685, 0.8712412674930531, 0.3863453708458574, 0.9303984737296199, 0.46391585800894475, 0.6978032288045729, 0.3673808909015889, 0.09868181590384195, 0.7299922887953718, 0.5147156310685806, 0.5996512965574704, 0.22246095493649762, 0.9532530452869834, 0.9472286783297799, 0.14877179826375844, 0.10509428100090744, 0.7577213617592933, 0.29247975734734155, 0.44492659927526634, 0.3649722165950886, 0.7453509892859418, 0.11549540754471696, 0.03646830521506336, 0.9609201059566703, 0.3428286211552801, 0.3302448770099451, 0.9374793293210896, 0.038956880544255716, 0.35523350752346095, 0.6932987639305435, 0.1103446024047606, 0.0674646706341892, 0.01123490373759906, 0.8549441947258527, 0.9262533867125022, 0.33572883614429194, 0.5749693885217924, 0.08332936667161644, 0.32469051479750066, 0.09175391222939874, 0.22537447312895523, 0.32336288763938736, 0.8051833495301769, 0.8937034444855119, 0.0024986304255872767, 0.21505900997027133, 0.164986892355825, 0.6978693068789192, 0.48593689493518366, 0.7854056141805181, 0.5759249454776512, 0.12807264963556186, 0.17849017669056338, 0.4648981216785564, 0.8250209310947232, 0.059068768166032425, 0.5908322873449819, 0.4044481727283248, 0.17951913477660444, 0.16918263144437704, 0.7138637997273238, 0.8347999982540679, 0.506768917772213, 0.18660631038381675, 0.11993190768665084, 0.8603548559972561, 0.1976940016239841, 0.2568096584949384, 0.0765517318417377, 0.18481003379730904, 0.20329403411381158, 0.2606667070526547, 0.8340636501216818, 0.8645607105271325, 0.7553040403886345, 0.09214448941881585, 0.6855222988442056, 0.33754220485748865, 0.5468672356425579, 0.8219770854719989, 0.6779028959545756, 0.5058368765957606, 0.38176194151578524, 0.7342576271368291, 0.8441988123900653, 0.49771649509304283, 0.6018869376896946, 0.7374327506561686, 0.20654765002231557, 0.9543467447390969, 0.9225731182235516, 0.8585089836684983, 0.2593947681385552, 0.3492519168495284, 0.4535281194712312, 0.8897093450490877, 0.7873509820632638, 0.06758897932133816, 0.29704946448893194, 0.6580586038008898, 0.5061202718685818, 0.8957848785535019, 0.9945497228795314, 0.49341979585304585, 0.3223494426120792, 0.7529844041743619, 0.8493381919941303, 0.8313839036858376, 0.7003855533017432, 0.6384431567705344, 0.44302290848998893, 0.5263921907876646, 0.7415602455049368, 0.25751247728595966, 0.512336973541251, 0.9297309171158528, 0.6939071694834, 0.9145694087989376, 0.8072565864860657, 0.16763593416394407, 0.5628202535026766, 0.654133972578067, 0.020815743313089916, 0.6436478253216774, 0.6429391293331126, 0.7892502951364595, 0.8094779420700351, 0.5879723565304593, 0.041925883794570816, 0.36051858803534376, 0.9923242052979756, 0.8424988864102468, 0.13559602071889687, 0.8392349418856729, 0.014992260255631043, 0.745311537819723, 0.22043363165846053, 0.05862987360349529, 0.6761486214127865, 0.11479962205211049, 0.9175952890007244, 0.8635600109529238, 0.6586940311855887, 0.9329913914058807, 0.8462218139404873, 0.4150243030835996, 0.3696241697219095, 0.7141293874484702, 0.35684563226788735, 0.8967785819447742, 0.41683632722362385, 0.18632124181859677, 0.7747657830208889, 0.9579938124744918, 0.6114448105871746, 0.9295370500797289, 0.9502639322847347, 0.5304017527010016, 0.6077453170845695, 0.6649327726269993, 0.7015691141514271, 0.4482013444389976, 0.6844817210768639, 0.5617082390437023, 0.43055982681636573, 0.9884569184389433, 0.516379006960825, 0.903163485767565, 0.6182412060311622, 0.4685685694826561, 0.4161631091036554, 0.7987531849823536, 0.6398629306131065, 0.8479808228396077, 0.5201456164938231, 0.4512978559136108, 0.05727661881503948, 0.2772677314439477, 0.5597662562415389, 0.47835089656179863, 0.46785855757471584, 0.6647051482937476, 0.0621980645173229, 0.5786288029761667, 0.44556187358056565, 0.8818689337159976, 0.5368731918995824, 0.5710081683899171, 0.31143394143850334, 0.8843500478360209, 0.07209608094747917, 0.8643345156676119, 0.02921473715118101, 0.3804506419190752, 0.8790500308791168, 0.04023995837687891, 0.08793976683782823, 0.2966720495661839, 0.9053401482336542, 0.827736955941197, 0.48124349687414714, 0.8719586837744383, 0.7100300734364334, 0.8044273154735964, 0.5795838030924481, 0.3081913102088078, 0.1277760251543912, 0.3643256416410713, 0.7307886834356274, 0.9411878556937515, 0.8874508049431223, 0.10193810301731646, 0.1181240432276968, 0.9617609177320836, 0.6013585540452001, 0.34620305447219824, 0.6376130769869303, 0.6863758117108921, 0.5768844667864184, 0.5504630292669244, 0.33727129697640834, 0.3642159432338188, 0.1481375192977118, 0.2429882706718961, 0.8258705494447776, 0.4546631699664765, 0.8995525604569414, 0.8226090424691631, 0.3006586937104386, 0.34967956495514696, 0.21473830401643643, 0.9996101091606564, 0.10517171436161173, 0.5962696351546928, 0.7252182572605268, 0.14908414614383808, 0.8177857736501057, 0.9127053231398278, 0.2269688852106914, 0.46152610712395403, 0.8208365846890899, 0.3663096687921701, 0.5705365157925781, 0.22127172495210448, 0.7583037675090681, 0.7291666698469335, 0.2565061101694835, 0.32200911188983855, 0.98318079289536, 0.23035475192430316, 0.6182421031762433, 0.26575362434000677, 0.9257621664019474, 0.6637182468593454, 0.5100080701077665, 0.17321352488768413, 0.31767531266235466, 0.35929393389397635, 0.5707658352274498, 0.9032889806314384, 0.6889976497478725, 0.5575148278354245, 0.1994083875556211, 0.28537082349722165, 0.5584674618197178, 0.08589229219733781, 0.7352208556841052, 0.5119424395361212, 0.25551207265883474, 0.4505526506262606, 0.5750189039619635, 0.03649909718738485, 0.4641216159468725, 0.8855394384783659, 0.8995749050968949, 0.6521220387043185, 0.01782997491755818, 0.36431833749600206, 0.43305584938764763, 0.17926199926786612, 0.11388072915113369, 0.6084980952819528, 0.2923814859018997, 0.5632354334207174, 0.36906695579101567, 0.34840663045300446, 0.769685855944628, 0.8472969928301509, 0.15842686537727643, 0.2906170176384555, 0.5184494480367403, 0.19598134638288445, 0.7089840132827272, 0.27577554688026706, 0.00035220246297703917, 0.1750335813372164, 0.42591710041350583, 0.02329818800828697, 0.6824782104267546, 0.027221386280537625, 0.9347343505298149, 0.8968118675714418, 0.1499552211522216, 0.4073876685266894, 0.9802476653281819, 0.13379927018486645, 0.2828425554790362, 0.5759963823784721, 0.8397154029144475, 0.14887002721159479, 0.6661700587481989, 0.12568303772634679, 0.804976844480829, 0.588578695014597, 0.2558103081267836, 0.1675325322255426, 0.9791365555590877, 0.24627561836126538, 0.5995476920875431, 0.8328858064406126, 0.051998755163513995, 0.12511780251943116, 0.4635971627570219, 0.5563765892712944, 0.30541674520591866, 0.004231837681042226, 0.1451698754392815, 0.04637034509367611, 0.4877027787382736, 0.32730058941915596, 0.8505671706353091, 0.4254399771093468, 0.9352811947868098, 0.755884001205695, 0.17624022780876777, 0.8549545330620886, 0.7073637028949558, 0.1763566172451534, 0.020024041330509102, 0.5379320962076979, 0.6849605559924568, 0.050376834704019165, 0.21338123496316388, 0.7166212707425688, 0.44857626427581376, 0.23841409310196124, 0.44159107824813915, 0.5717479996383088, 0.2611187465990052, 0.21478580190216265, 0.1283610043369668, 0.4261052607099195, 0.8954899265478159, 0.09423877715936312, 0.7280306085631614, 0.832111886168567, 0.7986610301497341, 0.830570770484119, 0.7842029383311376, 0.31204160331096803, 0.8785765765203529, 0.2496697220351619, 0.5621361183813741, 0.8897686112121407, 0.7609658228154288, 0.46249844621475067, 0.9668051593638888, 0.7305522720234714, 0.3242585890011031, 0.1826446164308956, 0.11552769552249223, 0.6483102752256166, 0.6352211357753796, 0.5152670221128277, 0.5981457753326337, 0.44078543720372165, 0.9531234776573276, 0.793635440704912, 0.9958620325173296, 0.006637279176365653, 0.9849605017723942, 0.482935979488356, 0.16364301163479375, 0.0663255387474758, 0.7791039208969479, 0.6910695306802818, 0.4035205286935851, 0.6574110380487772, 0.5110087879707674, 0.9823484232080408, 0.4661419715641453, 0.6664583674455895, 0.9853051712962825, 0.24030902573100463, 0.39421199775144755, 0.3413232219664455, 0.9539230938177915, 0.3892632319413599, 0.46628731110084287, 0.7745769570372774, 0.34296580159026446, 0.5501582090506283, 0.8607233677081931, 0.7208250987596578, 0.5447743398201828, 0.33081439783162203, 0.6478640001071945, 0.3296182687524394, 0.6041678434323747, 0.5655110178078073, 0.4229886324073012, 0.9059758368558658, 0.5254357700613137, 0.0943077035013529, 0.08557570285177739, 0.813972292732148, 0.47926822137261704, 0.2616565168892516, 0.21685288757483875, 0.23021076182028619, 0.6411651068832327, 0.02741125683447812, 0.544937323504182, 0.9780201380388284, 0.18446544313643756, 0.4699938629284375, 0.7878154053416141, 0.3435187896757902, 0.38838377072990526, 0.22385162043253393, 0.5953308524236431, 0.8787030771993276, 0.2652888520528397, 0.34071560125231404, 0.4063203888167757, 0.2924973494484794, 0.3286153993640464, 0.1600892833494026, 0.7945504244537438, 0.22674361146894897, 0.552584058413177, 0.5602646025537377, 0.6882316139937479, 0.2929842676923464, 0.3430251323485537, 0.18473388425465748, 0.8233145122505897, 0.3783397906014604, 0.551749810922304, 0.7331830520362668, 0.3247654225520442, 0.6695141942751501, 0.1753135319823596, 0.28431682213661397, 0.3476124569003659, 0.5899851366223425, 0.0176748932719827, 0.2681588877694693, 0.46337480300246614, 0.4168973180792107, 0.4663297453983508, 0.8489507878011509, 0.04583570844229767, 0.8624901656322894, 0.3139159831384383, 0.8045054262256809, 0.4346085269559081, 0.959696991901347, 0.8005594063722645, 0.9071570324894328, 0.39927022388616196, 0.611319841687531, 0.021196550834922966, 0.27142789802659034, 0.10260219268150898, 0.17131205042544284, 0.21523123323497279, 0.6021062484188886, 0.9960093787562836, 0.7190218097532242, 0.7552735212356952, 0.5428456602488718, 0.31126211015914784, 0.1309499389861602, 0.22297690756894437, 0.8984072102440134, 0.1304718836493564, 0.9445137396964303, 0.9372463767402681, 0.6106360309035684, 0.9511568343366313, 0.2488670072198742, 0.6755190243009443, 0.477095804780029, 0.035083440525627965, 0.31309598595650856, 0.08322833031884333, 0.25957646208246055, 0.3175502021710042, 0.10778486659569453, 0.038732373845696104, 0.25277961369551655, 0.5236407924445128, 0.07919238801195379, 0.1574063833236664, 0.32297794669484053, 0.062056724568344275, 0.5876036736989865, 0.3466407076791742, 0.6666816629224304, 0.19915010959944468, 0.39468398261792403, 0.24597931278639446, 0.39790299438489873, 0.18202314950372153, 0.9613145591760103, 0.39097309925193013, 0.9481785280358181, 0.12973807071613785, 0.16861655761658564, 0.08700705733716334, 0.4451664979837062, 0.3867419050239417, 0.4878248510997166, 0.4240261026488801, 0.4146834899212273, 0.5272844559360992, 0.8621779865665474, 0.6331768539826503, 0.9203089781433209, 0.9449142007593015, 0.47288538923917345, 0.4855821736375806, 0.6419692252964668, 0.565301654152663, 0.8908419663908738, 0.1879301578378146, 0.7921759186299474, 0.9471940587935381, 0.4482189067325302, 0.7737354489865702, 0.7359182152435438, 0.43342572618286745, 0.8963566656455759, 0.46118265829492633, 0.5799503543931515, 0.7059700446749725, 0.6610525438160251, 0.5283423859937714, 0.913297964806927, 0.6089172521669991, 0.3408854623060962, 0.1806953787426739, 0.5453789581954729, 0.27846383121829027, 0.1549480125943848, 0.9912542550176682, 0.26108115149311123, 0.5921437358479782, 0.5083984236998695, 0.04575272023002491, 0.5850228741508214, 0.7886524295458056, 0.43302737299825655, 0.028196392122488097, 0.14412438744798198, 0.4296867274109548, 0.020034264049110632, 0.6233051234067958, 0.10810620924619138, 0.9367586052138572, 0.8148263558592568, 0.328777791352205, 0.21893614110487974, 0.6767096473190854, 0.9204494863001416, 0.8309237109210652, 0.34710508600736656, 0.3448064265744033, 0.7807941713964116, 0.4539467969041939, 0.9084093221288307, 0.3542103737900907, 0.34132677346641727, 0.4578754321903019, 0.9590270783905226, 0.49925372319282235, 0.026153077792296132, 0.00427026198098821, 0.42348658617339396, 0.20464266773370712, 0.4397670525728341, 0.35287757303951905, 0.21279750457404106, 0.13931551491223784, 0.4996059625254283, 0.5379543266346303, 0.07752465106977395, 0.1574275110684232, 0.8221482931141572, 0.8204816046661022, 0.15774654003771205, 0.10397571221373605, 0.176714378675544, 0.1498440581909247, 0.9877707982987197, 0.3709487114954303, 0.7368480848549186, 0.7148085037515347, 0.6267813074368782, 0.17403283465315425, 0.8219927277144402, 0.7625752817331028, 0.48181254708063304, 0.6307684304171394, 0.15029768003252572, 0.9468838362014302, 0.6421587584490339, 0.952111992126697, 0.7116958905562705, 0.9772829895849122, 0.7911334727019064, 0.905025073363789, 0.3344727513469813, 0.9651032585179072, 0.6876976014326908, 0.2267787587869054, 0.6070075395178385, 0.23223527807456837, 0.3652579972599448, 0.4553361063833994, 0.718006541914129, 0.8894839764064923, 0.8006820494336369, 0.03268909751131487, 0.16315970348368614, 0.6382728712574968, 0.6350320508149283, 0.4745166379522878, 0.929753810178098, 0.5970687361964, 0.3205353168466127, 0.03844109554677728, 0.24298301848936632, 0.7519778948674494, 0.6047685880182956, 0.4998444512176239, 0.9859324846882597, 0.6088477131601315, 0.7924048503111059, 0.6901407756107354, 0.8416183914534845, 0.7946696770892464, 0.26993575104059986, 0.8676142520292162, 0.5098393199391109, 0.5208877233323441, 0.07465922818155385, 0.523051241055718, 0.06615992089087444, 0.12168991614202115, 0.1979985554555523, 0.1950232943231432, 0.9756842287669687, 0.5150795784174957, 0.10991432511185048, 0.15223960304032744, 0.5016233152540481, 0.3577559456645777, 0.07154287755339382, 0.6262254927921478, 0.5618455086433407, 0.23319886959051406, 0.07427317592523182, 0.046978058491152976, 0.013471616041666542, 0.09309943833373244, 0.7988260233697205, 0.5882940970382735, 0.4506991922670708, 0.7616566572349833, 0.8296006133376983, 0.12166422107653203, 0.8806403760872477, 0.14995067263335668, 0.5040901720209943, 0.22074160240201726, 0.3850570356766412, 0.4660281110239092, 0.07455069935511227, 0.9914844255859427, 0.23006725758857796, 0.2665173081560759, 0.8067950235493834, 0.5090043328802805, 0.60142547167182, 0.37617980937185, 0.08895728060343476, 0.9235280164141635, 0.08648630127855939, 0.2566156255871332, 0.8921621331819748, 0.7343340151317743, 0.8198236728187517, 0.1285168032669795, 0.8127408465854228, 0.8801513669547353, 0.9558726588152496, 0.22222269749759233, 0.2961218092304798, 0.8558466078977105, 0.6048285438329919, 0.4294912788790288, 0.3279007533078624, 0.07317149907899183, 0.6330772563192182, 0.9096751596858272, 0.5533811111541349, 0.3854278355620666, 0.42939448973480343, 0.09165031074138673, 0.006802346014217914, 0.14136201609378327, 0.8795078707972551, 0.2664413026826075, 0.015876718424952294, 0.8663575087273615, 0.731749836056937, 0.3056801893618155, 0.9301623784044863, 0.5606167306186426, 0.6606605765269365, 0.24214516732139732, 0.7566738930094064, 0.9806852389289886, 0.24938434438681104, 0.24126768496170936, 0.7861014654597059, 0.012454046165339867, 0.8421921042904543, 0.5983468013451929, 0.14910114022829585, 0.7637344266490634, 0.6131553238357654, 0.33804926270784075, 0.6525100632898417, 0.25816546968015536, 0.8754443129761333, 0.6982670605052255, 0.05113684369846686, 0.9729248123368327, 0.4749641745291783, 0.748618869765795, 0.5375702521587223, 0.3300831811566669, 0.5714306610735642, 0.520692215631372, 0.5561764171427626, 0.9031037130362793, 0.6319939058082309, 0.37597008542582333, 0.4568810080732032, 0.5789767279016593, 0.7207599085034491, 0.5623185780189717, 0.8846516751291226, 0.8863507919361752, 0.2993865306192002, 0.052606975750826276, 0.6228461209953184, 0.6674613332339172, 0.18811808101975291, 0.1263118862117489, 0.498033152027482, 0.44088778431450737, 0.9221782787435726, 0.4734067199930987, 0.04158792126513421, 0.2863715797108471, 0.08114642001010337, 0.49972780017646823, 0.21239017475681846, 0.18625592557697446, 0.5447378645193557, 0.051971211649186264, 0.44183475999155086, 0.4117954926413717, 0.6201072807720327, 0.27176266220972656, 0.15781202206425146, 0.7070914137949356, 0.08036634661150366, 0.09593523484330962, 0.9091644001255172, 0.019111669805326168, 0.9149907727903144, 0.5492747858614497, 0.07508210897901922, 0.4311254937665189, 0.9904995947155648, 0.2718275391564908, 0.3567849808134791, 0.5644702216413574, 0.44269889619363867, 0.48751099941054155, 0.19743547663138336, 0.6996950953830576, 0.5125293228525718, 0.20972006752857705, 0.8423556526840096, 0.4968539526926764, 0.5608533702449874, 0.9605981537213988, 0.22567115261558157, 0.86295991401253, 0.7193441735407076, 0.3942503346810282, 0.32198469397413837, 0.016641043352342344, 0.7320143783647265, 0.19139348997389796, 0.841598003762615, 0.3754840815866114, 0.3269413346301058, 0.6047813912934629, 0.09027971064967803, 0.9325111671779073, 0.5783530178131967, 0.41999757649803227, 0.6466041265619601, 0.16649246902685133, 0.1627734026255635, 0.5852473171858418, 0.794053640361276, 0.9262177812210518, 0.3070994522031994, 0.4034828138654155, 0.16587036747560124, 0.9902655129992496, 0.43611098083198163, 0.03999377733078272, 0.135360180581217, 0.6788884068634407, 0.7508465731844033, 0.22618786227975068, 0.5962162611707545, 0.6015493226461527, 0.5382279327957167, 0.6345251960872118, 0.1426879623365007, 0.8417387738465023, 0.7708431227890418, 0.6791634677363241, 0.6319142293374309, 0.7398982816225128, 0.5962476738775737, 0.4650499564067443, 0.693934073780037, 0.8574359790753042, 0.9402689224767778, 0.2787530759162584, 0.7670226884932148, 0.3385758702984325, 0.2436413946788177, 0.8655429947440311, 0.5888533471029516, 0.7131271004686786, 0.6393591516087529, 0.06559613923879479, 0.0324978358005571, 0.8548437728859453, 0.8822541538271395, 0.559182449968057, 0.026668393577308554, 0.9496580702191532, 0.41648072752869847, 0.40071438714321395, 0.024355197453199876, 0.3564691114705093, 0.4778936169601866, 0.05997557527145465, 0.7701058697808105, 0.7176721395870984, 0.8772682917727295, 0.8058710180534275, 0.1381694651844952, 0.9841944309492152, 0.11399087903210235, 0.2400278078602931, 0.5383252399611307, 0.14706500704254513, 0.9857634466477441, 0.9838878170463145, 0.045378980112789895, 0.3482945952226071, 0.6350562199989829, 0.6586131007917977, 0.9307977466988072, 0.21195001698036026, 0.12622892063949093, 0.3649360407642638, 0.8131584059018455, 0.35577551539217167, 0.27541075022896366, 0.7127672989070698, 0.408920140553518, 0.13539892132606673, 0.28121259418017663, 0.8301461938455448, 0.8639142477516606, 0.29290272675108253, 0.896052594116288, 0.5962316268289911, 0.6836637686306717, 0.5184493841001955, 0.7771266611008477, 0.7640255138209755, 0.6980130571248531, 0.7663576874487346, 0.32937972890207035, 0.8134213658710197, 0.5729325072501209, 0.20369406242699717, 0.0658150610065674, 0.18479341292997378, 0.8787946913581398, 0.6422083354728008, 0.3872323672814256, 0.21901771892691252, 0.7412697143429187, 0.2631674145338965, 0.06313409539705687, 0.3084267685381945, 0.5347083939132463, 0.18981312510958784, 0.7192743117260523, 0.5451396930702588, 0.728096351840195, 0.8584192440417507, 0.2515470850159098, 0.11592655130726137, 0.13660871814805228, 0.44919550995679414, 0.8861050224594312, 0.03287005407497715, 0.98889100301962, 0.04378640530293257, 0.14809871772353275, 0.5927214149706614, 0.3623995400734158, 0.9606103977497826, 0.6227761909589165, 0.7170936625980371, 0.17811235141165593, 0.9411760395701384, 0.1437842707911995, 0.3658420734858966, 0.03579318750315913, 0.25518102065013626, 0.824322705070217, 0.293623448852081, 0.9565459870093479, 0.036217407537376345, 0.6851893507905176, 0.2694342700753303, 0.2606014819419512, 0.7346881122671269, 0.8332896301788435, 0.9320751579960151, 0.6214150662008906, 0.8801414645779766, 0.7001748316836449, 0.7606384293695321, 0.593371608641078, 0.3870114233919607, 0.040710381163510286, 0.15363146487932222, 0.3614040915589608, 0.589835874818172, 0.40456226627905045, 0.7833195526747427, 0.8256340646695665, 0.5951026678055291, 0.09787664618240571, 0.14384539967501492, 0.5814931425780677, 0.023168866970168213, 0.12876040049579954, 0.1547987461962597, 0.4386932386415787, 0.5233445194086319, 0.43874261257537495, 0.4994152281735985, 0.12833292621054437, 0.21848385242184962, 0.3940653495685701, 0.9343293488097699, 0.5569732972105332, 0.03073793806281024, 0.7925633884988221, 0.556809465913015, 0.6584052226252033, 0.9353239188462517, 0.41186503018098974, 0.5719013437133824, 0.4165106991793126, 0.8837766312806739, 0.6746944269547641, 0.015986666074835582, 0.8420091634514352, 0.2765541678274283, 0.666940092153343, 0.7770576164749465, 0.0678404444156011, 0.19802096174291292, 0.7480055567025263, 0.40667769753818694, 0.37733659884095183, 0.20774583115908485, 0.21662467013378928, 0.2856387602963988, 0.6058178845681561, 0.07886012117032647, 0.9529851904356654, 0.7272559781199647, 0.5019121588500584, 0.6320598344845347, 0.42990573461074244, 0.795420209030948, 0.9042261144844861, 0.3227749981529701, 0.6706415122604998, 0.6519627213603933, 0.9596339527223402, 0.9869054297552116, 0.6915311066415519, 0.7107643733870515, 0.18845876386970778, 0.7813971484011696, 0.768154429791654, 0.8670133475997219, 0.25950296542798124, 0.10611012393090728, 0.42698833268542047, 0.4204044744148482, 0.9485207058366867, 0.9499373792174711, 0.7764233018413437, 0.02895147010858533, 0.1848051182476492, 0.17559739592365248, 0.5669112844501043, 0.004670847782800375, 0.4311211958566069, 0.8986012763881221, 0.6215193881599608, 0.982690772950968, 0.9303451372650557, 0.776104293882758, 0.659172303039885, 0.6101864981818116, 0.4503076448215978, 0.0773227158622294, 0.6002008900908118, 0.6039275216708493, 0.17984365978301195, 0.08921017166916291, 0.717878372343393, 0.484249964063305, 0.8642777780459788, 0.6301634995987375, 0.21253102948457953, 0.7529361779085321, 0.6738105424613074, 0.7341308712876449, 0.5667391546978804, 0.4252683219987493, 0.4155924870824407, 0.9836406448035483, 0.9393122549415033, 0.5022599253577238, 0.27112913035992864, 0.16267711936912022, 0.37649619519984623, 0.9676320587264109, 0.44958843562611983, 0.6250213254453933, 0.8051437891614809, 0.8092995175853934, 0.3566567487935445, 0.8178247464838566, 0.7502146959989617, 0.9529161359914916, 0.43348508313504575, 0.2930867898452116, 0.3119090769393186, 0.2746219988215112, 0.6612372527615843, 0.06516380762258187, 0.43958810873082554, 0.7678671996661159, 0.6536848678548157, 0.6090530046823364, 0.9306266904029181, 0.1460453439720861, 0.8696947460714858, 0.13285026370511963, 0.8977225327710258, 0.6549350150136648, 0.07600196093207319, 0.7908347781315759, 0.10922601406852187, 0.3433513988362684, 0.6882359045373265, 0.4209061835004664, 0.7513446436397327, 0.05176625039658585, 0.07956683663392997, 0.7607155243949312, 0.8285080084094075, 0.03165609432002004, 0.26139558368514004, 0.3298210215667359, 0.9782439881761086, 0.31766539016126144, 0.8692976335422433, 0.9030751605443713, 0.8416750962922148, 0.5437244495536244, 0.12048631684121293, 0.9657618224879003, 0.9402248656500057, 0.7488715056306843, 0.2149885452385761, 0.5821143500439097, 0.23960445480813528, 0.05251788342119491, 0.42748389258167996, 0.8647675572876361, 0.4966647334281984, 0.8698748874459875, 0.3854291744761692, 0.5887262120361056, 0.3847750795452619, 0.10378216889756757, 0.11969604253714736, 0.13719805951385836, 0.1892633789499669, 0.9513703415236308, 0.009862007203542104, 0.7761609416912437, 0.9726060706601732, 0.2436435404238862, 0.8595220481747843, 0.7711665902389134, 0.26128198178382567, 0.04474296527697509, 0.49050413325352804, 0.6817445570611024, 0.10152708797890889, 0.8399442449873656, 0.3214758049105059, 0.6278722141422048, 0.9325577822707358, 0.9024638994410347, 0.9761685987230315, 0.47618019536430145, 0.28613100291668403, 0.3004145477127512, 0.8307157726783632, 0.15840816792965526, 0.6665243562848044, 0.25009834196456815, 0.05427261046797547, 0.4937009268439333, 0.7498925895940175, 0.8539059170791885, 0.37902582336351076, 0.25086794717189287, 0.2195989262572054, 0.9644610418554913, 0.783848764383472, 0.4653929137595908, 0.12407771290785143, 0.05074422270209638, 0.030357219865394407, 0.8177602837438029, 0.2956277821370777, 0.8620001425517205, 0.16998400379126588, 0.5342805197145628, 0.8341857706801767, 0.44868621356524685, 0.5634872520890357, 0.32328954503669816, 0.9917651107995425, 0.49386506122805807, 0.4920029989780982, 0.5602515472789442, 0.27287836188427383, 0.47071549708434046, 0.5244654623836338, 0.20145409757722385, 0.9925457636973696, 0.47791824460662546, 0.5187114820878423, 0.15994066016232578, 0.8328185130125585, 0.23268825931604223, 0.07746958202785956, 0.5460159531643741, 0.588888938754059, 0.3570300954308284, 0.08085528255151017, 0.8302142693196926, 0.3994550780590046, 0.08408656823377356, 0.5133377242329114, 0.5395344951783159, 0.23065050095716544, 0.24861631871429643, 0.7476492198564391, 0.0014366463806418732, 0.24319133427542727, 0.18918579325127569, 0.7511211637457604, 0.6753947505559738, 0.4927284540380771, 0.8933902940903743, 0.4743195411082247, 0.8203711209816833, 0.9849901590440094, 0.2737553805699294, 0.33858276293957323, 0.334973776305196, 0.7960915897023508, 0.2129298628959083, 0.7571058796699548, 0.7555422649933512, 0.4103342567396526, 0.9001082032697845, 0.7193624822672826, 0.9550257910043484, 0.2012555767633127, 0.6996424329271067, 0.11912393585082487, 0.07298068770031564, 0.45796938904314466, 0.7096263990951474, 0.8367499994645587, 0.699945909205645, 0.8217436472165547, 0.9395119637624294, 0.2573558989648465, 0.17671924131598946, 0.9262961412912721, 0.43651933648791086, 0.6297934677220363, 0.20736374418710787, 0.2772607609584689, 0.8403524426153308, 0.32845271922444697, 0.7154202211129275, 0.654154013731052, 0.09763698432127209, 0.5622739810860785, 0.17935712170918958, 0.8449627384878282, 0.24970533348569773, 0.20425526476397404, 0.6586368812406334, 0.7922654100681095, 0.6675664198536704, 0.3932717312053077, 0.18724799204779488, 0.784014581852808, 0.5805849006037447, 0.44995751358977987, 0.27436665260444587, 0.45777855009959867, 0.6149230613249236, 0.6315795206654474, 0.9504668328270478, 0.7192967504810628, 0.009132409432087525, 0.8741399846981839, 0.9220650926497844, 0.6347035107426677, 0.21326967656389267, 0.8375044148137653, 0.6477673423428885, 0.21756187009073152, 0.9679228374764103, 0.6367758408336711, 0.4811002330737384, 0.6411833841592202, 0.7616272126290722, 0.07056747477395621, 0.8521299410425063, 0.06643223807261088, 0.12760667816547275, 0.717802109981756, 0.2418766725779494, 0.5143116059388173, 0.5971432744936642, 0.5365001745437841, 0.6055563377063582, 0.5132806385937334, 0.5029874043826721, 0.7171665465971435, 0.3814356331882751, 0.8394701722583042, 0.08818212021701953, 0.3433715611121554, 0.7623029175669429, 0.911686635787545, 0.6804101868578292, 0.4961078013463619, 0.3694089524261316, 0.27934085774317424, 0.9040751342916322, 0.5581890767746619, 0.5246434983702446, 0.7666476629096468, 0.00465696586776269, 0.4539450074157202, 0.012688932616004844, 0.595618613381337, 0.5352073000265137, 0.10266760250433898, 0.9626926568669272, 0.3196993613161761, 0.7260351422730359, 0.9305668298605123, 0.24841634084043682, 0.8193665455621424, 0.03984109810004322, 0.6073528999880622, 0.14990429697141225, 0.49051025736690035, 0.39442264005689287, 0.09840893337707043, 0.0780916758724116, 0.1280516845221604, 0.6069436105095805, 0.6175474611661088, 0.61932324818083, 0.8994622256495926, 0.7621753580542392, 0.73963720646238, 0.4918649000295635, 0.7409722399550223, 0.646211302378557, 0.3157733865214331, 0.8812047729884516, 0.25916994759754636, 0.4415113163143972, 0.5107844637002494, 0.08878546287001436, 0.5115406182090962, 0.20353223627414685, 0.9244950034842411, 0.408366245607546, 0.8007600032142148, 0.4020213747206469, 0.34073595950868263, 0.6688639261044471, 0.633868916937842, 0.6692705207387024, 0.7116144699258204, 0.962068818639376, 0.6696683702323533, 0.3430213539473539, 0.740537173426749, 0.08000983964024656, 0.47573311134138474, 0.954673449757349, 0.011852389842473754, 0.12979189067899743, 0.9386700707698418, 0.44578237136588794, 0.8354033004254985, 0.3553715967307214, 0.45632592529465876, 0.509209836799364, 0.5668472589931878, 0.2367202990785157, 0.05116781619184422, 0.55617732090699, 0.6153360587185429, 0.026000371571336882, 0.8772285416550175, 0.24952006098100984, 0.9555999227634937, 0.1662227316904498, 0.7261244900448209, 0.004800005030469375, 0.14152704724774381, 0.8485706608581788, 0.9607259844870437, 0.3302083809242735, 0.5548335133572568, 0.507698049086911, 0.4710417736596416, 0.17447537640252997, 0.05062889996549026, 0.7262050099746988, 0.32528240533684927, 0.5072718414768325, 0.3137093742123822, 0.30414461352173683, 0.6000916185702055, 0.4866932445992903, 0.23992050124739306, 0.31905710221485245, 0.9840032010077929, 0.8833785488658853, 0.5079943484559073, 0.9025519037012094, 0.022696809076335603, 0.3973100326127549, 0.5582094283604474, 0.3672160562222363, 0.48507334011884007, 0.0007219437629260115, 0.37793188762191066, 0.46141467044378737, 0.5861959957274033, 0.36441495174535243, 0.314125566886672, 0.9193519127304345, 0.9287345406249554, 0.17377351088810297, 0.6300671776003837, 0.7470835925981686, 0.5514514792644716, 0.511380256471132, 0.8894720542218241, 0.5330043630872916, 0.3036399372879196, 0.08746395634168373, 0.08480830967079779, 0.9805503757409626, 0.6781905821457143, 0.3604290539831353, 0.6523012787506468, 0.7872520345270484, 0.32300175732776226, 0.4494446018917304, 0.35519235267492244, 0.9505742789164713, 0.05362116058155244, 0.570172903633579, 0.9102985988110079, 0.7326944970373381, 0.3395968875322417, 0.5426565023002421, 0.08052462112090328, 0.8046610701300512, 0.5238617998190267, 0.3122143428040771, 0.2733449277821909, 0.13408414479727546, 0.5448208656892363, 0.6950102748049876, 0.003134952612848387, 0.34257877557081584, 0.7044176586904569, 0.02610513293637706, 0.8877870642391046, 0.547007351122127, 0.9136125543242212, 0.0005957108286137352, 0.19417640921040147, 0.13772507963041555, 0.7160955206494635, 0.5923685264863204, 0.6333091801307733, 0.045087343595007816, 0.535108810894211, 0.8620790334920563, 0.29717738048039516, 0.9798953420635339, 0.07034655658795616, 0.0963730034080635, 0.46932369677845165, 0.02702192363987773, 0.6115688698510491, 0.7026023407684767, 0.7473920211710653, 0.2558209472301178, 0.7679613857114885, 0.7950978733001038, 0.5788466404001092, 0.8931202680434422, 0.4410757384240611, 0.9945775374203182, 0.8142353491423949, 0.24805168017892998, 0.08490539668901927, 0.2854196491928501, 0.8474109259917858, 0.6113678498469197, 0.25755861502189753, 0.6674208492826796, 0.9412868232284431, 0.8706430587416428, 0.14941172555045373, 0.39095521989748816, 0.15391080972288898, 0.5062047462503075, 0.2500438389874588, 0.542375478106025, 0.9538225589536011, 0.8800977174037101, 0.9000765061509408, 0.5114748876614226, 0.22669572841891106, 0.26133128725966265, 0.47762841757771546, 0.6779650702376343, 0.5739699071877871, 0.2183303055467943, 0.28384447776167027, 0.43637189124747766, 0.8466397383624513, 0.6451432861119437, 0.1963420590229284, 0.7791203703634595, 0.6461657904440851, 0.06632834886089578, 0.18771881289848852, 0.4294771215993606, 0.4859045798984615, 0.43380326348077247, 0.8211341980945713, 0.4999713766355244, 0.7677108136698365, 0.0975357438689637, 0.8001956674979078, 0.8261112898026898, 0.7961061247143056, 0.7469058011254386, 0.6994291073703902, 0.9364125253145907, 0.4617901302394595, 0.42724864237355953, 0.6064019984269498, 0.20456863745966494, 0.5909185388932803, 0.6554627415648192, 0.5107697077279936, 0.42706250948711555, 0.214662986430277, 0.8826243905575715, 0.20867469948719622, 0.9443894347814938, 0.43922823370955233, 0.22848873952217233, 0.25439458705735735, 0.5434616815287892, 0.9635194376899154, 0.5772439987549027, 0.4419337449951798, 0.28876370572419546, 0.3012091655493601, 0.32611155073246767, 0.7113461129983547, 0.1311678059647472, 0.18115255852843146, 0.23648647481597496, 0.08857018621343508, 0.07589839839870087, 0.9568465731929047, 0.1963557350043487, 0.0883834242260027, 0.11399318927238021, 0.8260948132983641, 0.5324762622025649, 0.5404061781127075, 0.4666075430232075, 0.8790401963519086, 0.6199442194868001, 0.773061506742333, 0.4569739949755147, 0.5329340473101923, 0.8409466990724074, 0.14770437646564788, 0.7436324700519434, 0.7950956435234957, 0.4543772655498495, 0.5987647111374572, 0.33501764325550076, 0.2860141154364881, 0.41548735473023957, 0.06659612949790589, 0.5004946651568339, 0.9261827375868633, 0.14319883831217406, 0.7046345234221898, 0.05280773670649385, 0.6603544475452949, 0.07997810605063589, 0.8943387367516504, 0.6131999410630851, 0.929378754437471, 0.877767898874106, 0.20708427240206453, 0.40324880936037344, 0.22424909032670692, 0.06723584722389023, 0.582600449768267, 0.9644667454785009, 0.6824366883813608, 0.5691460181534453, 0.12558107934335405, 0.07159613046514907, 0.6514574126551878, 0.5201971875149868, 0.330526609281101, 0.07755169972443399, 0.9603501330477384, 0.5622482117506139, 0.6921480009316096, 0.5088557759623153, 0.5373548375768766, 0.9185129303535233, 0.3573523344199482, 0.4790391718399183, 0.43337536970187385, 0.4974719223842332, 0.32665555664075496, 0.5558570325638377, 0.09983850094061365, 0.7034852373295868, 0.1992505473370697, 0.26190651014656763, 0.3644402304481843, 0.8727257650672388, 0.3296660436223948, 0.4790844355450721, 0.7988095810216366, 0.3863484959721838, 0.11511624602283527, 0.14441121672658713, 0.9359836579730887, 0.33592064738257155, 0.8863929314177642, 0.1673888064376069, 0.09644358281293705, 0.7920171743367772, 0.8901667927883438, 0.13410869176659912, 0.6820542377751417, 0.14770024738338208, 0.8174156864786256, 0.767332060928169, 0.6907689717387853, 0.23177392490276835, 0.01936107618848084, 0.03544962130790682, 0.725844857008263, 0.7983817121203407, 0.7724629397956176, 0.6679706602551174, 0.969408095213204, 0.31200228974496197, 0.19958779183052272, 0.20917660767237112, 0.0017552201007664753, 0.8140345009882318, 0.6973832363090441, 0.43214021448896156, 0.18970907887792818, 0.30262219356771897, 0.24477386909850202, 0.551456425069496, 0.6238534745534854, 0.31242458577081067, 0.6213786120020426, 0.7590858478659267, 0.7827528809812488, 0.26114615296799903, 0.7608812972092448, 0.7079168782992682, 0.6851294348457929, 0.8836171051526857, 0.33075458024566917, 0.6416426504384369, 0.12581323887317405, 0.9876066435106012, 0.7139443756110562, 0.9319060172369916, 0.5252111044943888, 0.02630201703466813, 0.029415277350453652, 0.006014784775438254, 0.6306659721502953, 0.4647062865074627, 0.9655050442237098, 0.2174165242938705, 0.5273460232559841, 0.22586481342696246, 0.7841365112838211, 0.7695181239736678, 0.5817780999494644, 0.6656558722801986, 0.8240893644329099, 0.7241164700660857, 0.23527070585275708, 0.08012140383936729, 0.5881226147525758, 0.8898608417868226, 0.9881900859804345, 0.004533711906624584, 0.45440885188891333, 0.013682483525142897, 0.05680920247366382, 0.21913191688717676, 0.4029396013247315, 0.942122714596815, 0.596728101762209, 0.7809363817330361, 0.9801855034880926, 0.6096326319051346, 0.6816795851445482, 0.037843371632993436, 0.42906667799304354, 0.2297824190438525, 0.2893570837580303, 0.38376218076777924, 0.6139904099098559, 0.38668961073593744, 0.5246267023779272, 0.07909719094566883, 0.3013355742157956, 0.12993845679510801, 0.56070355595531, 0.18869991410419873, 0.04279845204131238, 0.5406688679386339, 0.12183781128272332, 0.7026127471475424, 0.9849402207994202, 0.7731393930254622, 0.19167447103223278, 0.14109996993644944, 0.5370520082907928, 0.6681807548602646, 0.09042462227459258, 0.1732499999169397, 0.5534017470318301, 0.033575575944453685, 0.418377366730447, 0.9313706158899292, 0.1624352924734225, 0.9114562872219824, 0.29748396819909023, 0.7338693441758982, 0.6197387063490043, 0.9926721952847077, 0.3359355235990553, 0.6590941080158561, 0.47322494056463693, 0.30878731910752605, 0.323347395589657, 0.9134741198477028, 0.7655725143247847, 0.17433985131889432, 0.8398553307516268, 0.9870478410290433, 0.6710942290542576, 0.3976516534761859, 0.7793141434807287, 0.4555453171124261, 0.39168211819863163, 0.5881623390037916, 0.6897144162788065, 0.19594180564792651, 0.18149393678361825, 0.35828401123329157, 0.9052292433581682, 0.5474714245111623, 0.018820256824639954, 0.9292542168403494, 0.18102861822126423, 0.6340813609006386, 0.6830603680694288, 0.07435701008880785, 0.04077099514444742, 0.041691855179960345, 0.9830982550458645, 0.37128856033281, 0.3827881612558309, 0.2271911278176189, 0.9464971562319595, 0.7452205899644042, 0.19786506605787524, 0.08223045795340728, 0.6308885670970967, 0.9853066190527704, 0.8489596316994351, 0.511872116202941, 0.5660409788446243, 0.9294372630521355, 0.21065257575686597, 0.3090526453630614, 0.8079743431775328, 0.050876937366969896, 0.10659002429437509, 0.47369331321449337, 0.0001739002378144062, 0.8694659923211975, 0.6666571085751465, 0.332634746432504, 0.40359083466122014, 0.8268267727281552, 0.45927182421442225, 0.8535306464512402, 0.3490586727870886, 0.43133367070958784, 0.3991418637964015, 0.9031243111709337, 0.16010745199572057, 0.025560453526116283, 0.5315085994915278, 0.05440561435829679, 0.8620655122231309, 0.524482123782548, 0.3545484899006075, 0.8383946866747491, 0.6968897397236482, 0.6600981587209582, 0.7963089323313126, 0.171319227003648, 0.8522084024650782, 0.15042028785917883, 0.5673617269065936, 0.9317019326919181, 0.1714944910382439, 0.8118873253213974, 0.08072971968908019, 0.41436372712743796, 0.028301383900850113, 0.7470442753860347, 0.9978306375280357, 0.10258141729987183, 0.7463902904930747, 0.8773128299612586, 0.3903171369361421, 0.5339886417486641, 0.2402831980321254, 0.9176522517372003, 0.516987272680814, 0.41346218037772686, 0.6885768591846146, 0.3745224128783978, 0.4028370707749379, 0.7331472487092705, 0.8476170139258492, 0.49081875998967617, 0.04569552378800822, 0.8845290505608279, 0.2166599248783422, 0.7764704002065043, 0.8875959422664303, 0.7898456725543281, 0.42212161024394956, 0.5427205093740531, 0.3809453345406154, 0.8374252849805239, 0.9561032703631431, 0.5239937426937006, 0.09835193022310677, 0.19200967530250065, 0.3426926558065917, 0.014123539270884554, 0.15466768376982754, 0.07851336742985734, 0.30911022119626613, 0.5199178510993547, 0.7888875033484238, 0.881883469636657, 0.367315394290204, 0.854350058057147, 0.7398324627718127, 0.20791129602461986, 0.03668896572050996, 0.4985707915241101, 0.5806810179453379, 0.6291539791360488, 0.4298601349406488, 0.4332338143195298, 0.9851396655170028, 0.4523640923128487, 0.30692618736135685, 0.5410729944341399, 0.3572239092927417, 0.9079467516870965, 0.18384228188390897, 0.462110657640146, 0.8427392721919208, 0.4284311928025766, 0.3563451834893063, 0.1754242822263437, 0.9587234097349473, 0.9467129674588227, 0.874562801233061, 0.09206649449770136, 0.45573178897302224, 0.084229378797698, 0.9217130109571623, 0.9422514285592986, 0.16281801630880074, 0.39262521789763094, 0.6028713559566269, 0.9404094943132398, 0.3812955715064903, 0.3969167186130199, 0.19555477787839476, 0.6561730575808731, 0.5120606614117453, 0.44949604220330874, 0.48621249770868535, 0.5606893232081822, 0.9885048924367397, 0.8645441565039064, 0.8419033489714776, 0.2711564735610138, 0.18022731377549553, 0.8506316575579255, 0.6027709897473845, 0.8831344771267872, 0.9545261714506603, 0.15392346460580683, 0.15762194762431947, 0.9136806899803255, 0.27671479661305926, 0.41446292651700667, 0.5369369988106851, 0.6427406261001753, 0.5013489522026912, 0.6902329643658875, 0.31619113331142945, 0.3968296523607173, 0.12185340416846617, 0.5328653269954542, 0.13718498720338396, 0.6033215298382001, 0.8981744218378092, 0.04686682946274132, 0.8889392800097349, 0.6027287949140001, 0.20690177148406508, 0.1725680221634302, 0.5123261805652489, 0.552269504705954, 0.8912741303741165, 0.3511441920475712, 0.5585316709209498, 0.7562368264093376, 0.2879805424087424, 0.40331913562125976, 0.19746931188043237, 0.9025300051390682, 0.27661912796767024, 0.8225813310048655, 0.32798789321339594, 0.8305140731963454, 0.6035362653456147, 0.42011341879288777, 0.1243723568109351, 0.7035334174181369, 0.3058592011035245, 0.0024790202284242497, 0.09509005691548306, 0.32937807747550985, 0.13784363789466847, 0.9696284232809014, 0.6398811080249036, 0.18717456844824965, 0.10806567153940029, 0.9277601435133036, 0.6277353576293576, 0.9742424668399975, 0.5335276679998173, 0.8846195992603323, 0.8816376536781821, 0.8581663133213124, 0.38810708978282527, 0.39963632050169007, 0.31276364563806075, 0.5216674951090368, 0.842407130708845, 0.3145087681726249, 0.06309012132390299, 0.33671128072903267, 0.7634818297852333, 0.661663880362594, 0.9723715660909139, 0.03666162006007678, 0.25694467639930463, 0.9830360822331494, 0.6072763713057097, 0.300155547356873, 0.6726518885341626, 0.8486273152590421, 0.11494621526743427, 0.5785623705285683, 0.6297632575699805, 0.3295141668564905, 0.12379396351932902, 0.8971716680904848, 0.823828383363401, 0.1310569203381274, 0.44141962790993583, 0.3805700822707715, 0.5287424923931954, 0.35973885206717837, 0.7671399440738164, 0.9877109713534685, 0.5753207309367634, 0.07474238403170269, 0.2798914434680527, 0.374584104213067, 0.07610530730071359, 0.27537122414468435, 0.8447726079980926, 0.6469741435296505, 0.6664029090782475, 0.462516753963337, 0.3683345776098179, 0.11206243915106043, 0.3658964988985791, 0.00707901706504507, 0.0959180548813256, 0.032103662722185296, 0.03656541129963975, 0.03824631410906231, 0.6970120956977135, 0.0386093926742242, 0.8613023950728681, 0.01032432762466644, 0.9714551928462617, 0.699008612615967, 0.10227380433156384, 0.4836084743486474, 0.7752177750189846, 0.502959616608547, 0.05380734843883195, 0.008430347263053887, 0.8697253416854778, 0.8494038680119083, 0.7130923633302009, 0.026772925277704158, 0.6263507744425336, 0.9202484878562418, 0.2872798305298066, 0.4497473064952142, 0.6252603315907457, 0.39128246911125464, 0.8039957330407923, 0.3668004277388427, 0.5981053332119775, 0.17440830895608006, 0.7490610127591553, 0.22795195069279353, 0.11290643355762146, 0.3528081780368597, 0.28931784190764387, 0.178583669041365, 0.3158944520361263, 0.9834246712690562, 0.6836251567994649, 0.7284090981022588, 0.73712413757137, 0.5390820068546961, 0.5477750797363821, 0.3671457999709953, 0.5487091790672047, 0.012634191498205915, 0.9664686802358976, 0.04947509859950845, 0.6973124540423941, 0.7970570668473382, 0.815661511868863, 0.6256903489155905, 0.5379499594191978, 0.3142244948235725, 0.7337725659502011, 0.8607836477358038, 0.33242631468767936, 0.6945499443589578, 0.5341429785778524, 0.21740987579039614, 0.00290177105279462, 0.855717370529185, 0.06095889636712973, 0.944635544216716, 0.9884035396353741, 0.8573991950417749, 0.22354081821291602, 0.770719521439893, 0.553866982917609, 0.13023963508678543, 0.085813358823813, 0.05005637523946393, 0.6674636342884843, 0.17446901188264385, 0.874966091618131, 0.40696094922053083, 0.9257461575172896, 0.07044240137683216, 0.8730468150281909, 0.36470675693186405, 0.8803168576359129, 0.08933944516720738, 0.5688786301009015, 0.9830117422443995, 0.7968561452072112, 0.08889531829425211, 0.7558692154158305, 0.04767900334760591, 0.09777749016223902, 0.14684329420681647, 0.9632610177097412, 0.7409290434695461, 0.7683060568335046, 0.08035013352744544, 0.34892038987649854, 0.6880444431001426, 0.7866119620474388, 0.2407558012693053, 0.7064450922547798, 0.7863697384701717, 0.6719744149603626, 0.8557801665212635, 0.46582680518703645, 0.3053869495329856, 0.0731553520100329, 0.05195225557982241, 0.5957090248686563, 0.22755180150389204, 0.42345692073763774, 0.15410620816853485, 0.5406422264014091, 0.4336134725934898, 0.591072402678103, 0.012818938564620056, 0.14987433199480307, 0.227332708164065, 0.3482938012729726, 0.8833385671643689, 0.08402217700486146, 0.0836643567239532, 0.530282334907839, 0.6815582613002011, 0.8323930211173999, 0.06388794004250774, 0.3775435224343473, 0.2677384885060449, 0.425409253660633, 0.7600623466342333, 0.2697223590674661, 0.2952009295481477, 0.5418430926083956, 0.18319165445173957, 0.9317808233039953, 0.4171778483117987, 0.935429952553322, 0.11274163846006412, 0.573923659968059, 0.30092313710522156, 0.84137732997669, 0.27352196509087995, 0.5948176994352399, 0.33420988951800557, 0.1507750137592704, 0.2428181213843724, 0.22816088994267952, 0.7147396496079794, 0.3093280546505178, 0.8695659610462481, 0.724077702108316, 0.15683470185417883, 0.6160196376759037, 0.115885284333238, 0.2785848292692307, 0.28590916575320796, 0.17671459849724608, 0.7966026264809548, 0.8020736834037446, 0.6496674658080677, 0.2271286608299382, 0.9106259815942669, 0.25273168544801583, 0.922125724055774, 0.9230909613012379, 0.32304939702207836, 0.39513783980395367, 0.6486586596976198, 0.0013485729129994975], "scores_": [0.0005366998040271283, 1.5966230900987712, 0.012769318215461232, 2.3045576242584915, 0.135334546510551, 1.287047522103398, 0.5705535974980325, 0.03135395988672468, 0.7150270885740894, 0.0970552204822407, 0.31270385488739494, 0.20443383053910877, 0.013619045244632503, 2.628236653861805, 2.46858397466972, 0.07780554813863423, 0.009818919135201287, 0.2341732587710599, 0.16036147481573637, 0.40772551286024544, 0.030098903391115643, 0.7605305670776957, 0.16490158000143001, 0.0013961939743875145, 0.008059747452537645, 6.3395534013045305, 0.08686900910905238, 2.879010210469204, 0.5611777144083416, 3.0948545608317604, 0.029089821457806263, 0.27939496006580733, 0.07366059374415813, 0.9911529505045514, 0.17494848484270856, 0.0005088484053163332, 1.474494708609639, 7.089736987736747, 0.6351589936062839, 0.5734595808045938, 0.42782595705289816, 0.2148557918360121, 0.6279043247279372, 1.3769838109238846, 1.2346957966445375, 0.28315148681747093, 0.9660686002924503, 0.4764402519007001, 0.009066886071831008, 0.7165210676430822, 0.03904755083479439, 2.863154606856076, 0.30641960965409837, 0.032917578238904725, 2.3076004566692854, 0.015351084498136644, 0.30635061591330653, 1.7500919786211528, 0.028321315242329764, 1.261920942038293, 1.6917107754111937, 0.5417234119506141, 0.9759502397065647, 0.309676984210725, 2.620291150493486, 0.1078951426982154, 3.532994206096976, 4.394336277198367, 0.017290444829990793, 0.19702352280454005, 2.9575716064100384, 0.2675611252355259, 0.500705899683151, 0.0687338916109263, 2.1588160791307653, 0.3548211556404349, 7.167541478345856, 0.24957827018280718, 1.621738444502239, 1.0149864800104793, 0.10344805688429685, 0.2787495889073187, 0.023852761327306307, 0.6391001565781421, 0.09661514276249027, 0.8042808007579448, 0.06705918694058396, 3.017216995923574, 2.5900426264247507, 0.002386921965735104, 0.1289188660642129, 0.6720012651489199, 0.1450965777328638, 0.5236187272638563, 2.2503567953856263, 0.592618142833496, 0.005953688771616301, 0.20129333875212008, 2.003285440696115, 3.596022542253328, 0.3835513460502392, 0.07896617774845355, 1.7505381725092481, 0.3621351627818026, 3.4646818762132495e-05, 3.4642109859291104, 0.1721313143721912, 0.02954357821701969, 0.005301164254582374, 1.8236569511785194, 1.0352301521143639, 0.1644792505802566, 0.675601014607539, 5.558565586443593, 1.7091846416810443, 0.6931036165045923, 0.17051772162866982, 0.0014085203669923843, 0.010500608180339807, 1.738311372853349, 0.8054620794638053, 2.0252098493839927, 2.182986769002719, 0.361783271655721, 1.9177609185925852, 0.19345111406105978, 0.005391945533917508, 0.003811354712273161, 0.014284088090477532, 0.8629703802729135, 0.013081945651842288, 2.4946804409309316, 1.6780323316638708, 3.136678280656402, 0.09604506710033654, 0.1590435133362995, 0.010204982236108572, 0.742592515465442, 0.6584508217768403, 0.0072533016226981675, 2.2407560190049503, 0.026489286066576898, 4.837478777313338, 0.607641119797605, 0.32071720653953384, 1.027556936307586, 3.7968463782644024, 1.3265632187701508, 0.4990027524851446, 0.0243202729115339, 0.32204795054002405, 0.7280498804455535, 0.6853944796213614, 7.329733514059407, 0.08993705829878701, 3.160120439107688, 0.07530859886994813, 0.38364903727931066, 3.227856956356347, 0.13182324626872663, 0.00017782275187611804, 0.001568361507841528, 2.0455194556043406, 0.020254423338814866, 1.545940951219252, 1.9583997661128185, 0.7188054241604425, 0.7142671253702233, 0.17634443348162318, 1.9914440909365312, 2.3821919970484187, 1.0317732150831413, 0.0052417830634265096, 2.3269042574322696, 2.0518118720427725, 2.2114405057659816, 0.0032187032977308034, 0.17483291000374965, 1.6937536633201464, 8.638188554608301e-05, 0.5961946527370288, 1.1081771414781136, 0.20333013547812134, 0.7050671174670241, 0.02496553393136063, 0.5268476951339514, 0.0027751986179987346, 0.0028270884268116686, 0.0006124056914009812, 1.950215244901304, 0.0007396418186946801, 0.2007418931144728, 0.2916721350560097, 0.7833176286883798, 0.19287736352055815, 0.33496527026632855, 0.07096443199465524, 0.024316650130748952, 0.13784119751829943, 0.0013708861902580708, 0.08920562018461352, 0.6888355394188517, 0.13957401903073444, 0.19674965885563842, 0.001994172841108027, 1.406384020247316, 0.001427261814176773, 0.1829522012363589, 0.0025234843350576412, 0.6408816034609671, 0.17674362575841712, 0.29291145408059677, 1.8156281243077979, 0.000727575418959232, 0.19848491308980507, 0.02027895169215128, 0.5014381373232017, 0.790895131386459, 0.0022919556255401588, 0.035246885985298945, 0.04152687599905947, 0.1259286480569788, 0.05401407381398126, 1.0820413392022008, 0.5788459382207174, 1.9056749195729374, 1.061080384260097, 0.15062177531194929, 0.8831186315066112, 0.2870053836761499, 0.8833861114172419, 0.12954883848731966, 0.08645210058546109, 0.06695632621139144, 0.8107681487713235, 0.23292399715384746, 1.2319164450082751, 0.2292236652504398, 7.73474857363215, 1.8298915776805236, 0.2987814156769563, 0.29586863712902983, 2.626186810630407, 3.1370317138787422, 0.0029737605288004875, 0.0929325934255914, 3.111091331170624, 0.002327523290660142, 4.343649385064417, 0.0015704561576638401, 0.00019948051762674936, 0.09496704571965314, 1.7726072470040841, 0.04821928355665698, 0.03851248891967132, 1.3995799042386963, 2.344362269392146, 0.4877761759644965, 5.715650636540983, 0.5295531434670778, 0.24340555170915262, 0.004596051617091635, 0.005473387022765673, 0.1826306151222325, 0.7647616824553041, 4.685796075885186, 0.1936782681049266, 0.851807458319054, 0.2959773958487066, 0.9224589847760521, 0.011937198129284036, 0.5871306672459102, 1.1767146642609558, 0.22562681729463724, 0.004377157349323714, 0.3421614563160266, 0.16310850788058984, 0.2327270116185502, 0.7133332015770655, 0.2248976126309229, 0.0033628798897630263, 0.013916011781221191, 1.4414492861387462, 0.687125121793343, 0.025366262897886134, 0.904705071513819, 1.3479593794619373, 1.0165141664573916, 0.0058836725135525325, 0.47034149644534795, 0.03958317249314131, 3.191885315394116, 0.09009690529752552, 2.6104918825653205, 0.15460075077312302, 2.028094636469333, 0.09956766817564558, 0.2530036979694363, 0.0158430525645408, 0.006069295095024198, 2.1244290322327295, 0.014354464307695209, 2.257176792917906, 0.5495382308465611, 0.4438951785491302, 2.298590739717175, 1.1565777572655607, 0.42594674819067974, 0.12579343767813522, 0.14883020668879257, 0.9115594402315893, 0.06664619115012162, 0.25893951958507594, 0.10831077487951048, 0.0018660457562095765, 0.0717284738905997, 0.11232959393339485, 0.9145880473810395, 0.11636287024621668, 0.0017532158620156824, 0.6328560119294481, 4.8292487584004, 0.3799457539372629, 0.8258939144723009, 0.9191674444623469, 0.9815114911145145, 0.1450183249090693, 0.016084949156949146, 0.45593629814502845, 0.2736036412018701, 1.1790204115027347, 1.0986171219598706, 1.4725860163137805, 8.801240918110375e-05, 0.4001332070337539, 3.015836285793155, 0.17253987013788671, 0.3058197902153958, 0.4506967098018465, 0.34019285837726065, 0.4502831042820352, 0.34275356705127236, 0.026104399506916228, 0.021456246100283686, 0.29118000708935804, 0.017808681717006898, 0.1290697824931829, 0.0781936388135908, 0.0964424636607106, 0.2755639765782997, 5.1746261149460775, 1.57549942274979, 4.204619282834497, 0.8250802481580349, 0.3574924158330719, 4.41641962775591, 3.7530407691722143, 0.5681255143670056, 0.8306798712306962, 5.783181767294816, 2.5232056475770968, 0.027732161530168817, 0.07158510755811505, 1.308494908631867, 1.7419378625902193, 1.787656597315879, 0.3157993587802569, 0.004870450561516712, 0.1327897208185769, 0.030489910140773083, 0.012766292971399064, 1.4536092753103123, 0.033632925283408555, 1.7409903934990625, 2.9857231622471088, 3.5374478009629136, 0.03359703770194862, 0.047324223045653, 6.158302484004265, 0.011727410772914473, 0.17710370930649452, 2.4969174469418185, 0.08692431099948088, 0.16460687875888028, 0.22531634557233676, 0.17389743573868838, 7.662564411598085e-05, 0.19926609878805265, 1.555130493501235, 0.5159093027642037, 2.0575896879263325, 0.13201180331604084, 2.2319750220273824, 0.5339218268792937, 0.4648468091309294, 0.009695952016728711, 0.016553889467953553, 0.07696743821570926, 0.0041101216703491724, 0.06055791548326605, 0.023400478454024178, 3.849066973318361, 0.09613306362296545, 0.005380115079990939, 1.3569427643527308, 0.5209283650467122, 0.9591638132853058, 3.2553140752827985, 1.9073305722362297, 0.5734458788842993, 5.123784893234776, 2.6414921761657078, 0.29351022502839197, 1.7864693389415682, 0.17302925311331943, 0.44575453347369726, 2.076772131060543, 0.05308240441348948, 1.6317286099364534, 1.0564422870084629, 0.02838483146959919, 0.0641623230256112, 0.21616550046852376, 2.121864774217207, 0.18857629438508478, 0.7802295915541818, 0.06038937965159087, 6.953481443248148, 0.03729679611718988, 0.41261382486880543, 1.2956107876239171, 0.0700204189309703, 0.723241292127805, 0.01869831848080537, 0.029448741927342533, 1.1300487666079106, 2.0213295678035124, 0.39479150387177503, 0.14822925925072394, 7.0941296615871146, 0.9578593247241147, 0.07549381126387672, 0.39492361759526146, 1.5387318579494809, 0.7580908745179519, 0.019463235120223195, 0.005008034852885678, 0.23128305957599082, 8.236159030325972, 0.07674355469792273, 1.433507629700425, 5.9630499850541545, 0.1671668403827789, 0.5837677342266722, 1.0023098144391074, 2.129795722538987, 0.5500390015399911, 1.7666134246336256, 0.9016455816796425, 0.13434888267346787, 0.5130421885773263, 1.087725576902823, 0.10005749013771845, 0.026441850609540504, 0.14102943347110897, 1.6723286808333797, 0.2732192048533527, 1.432746808603281, 1.4476430762718346, 0.0022591229967825117, 0.013834301304733272, 2.6426631946248027, 0.08784577072881042, 2.2479862912771913, 1.749839080855903, 0.07153787133947083, 0.759103086194795, 0.019386860940045384, 1.503501304660519, 0.6620381195229973, 0.1662831413650873, 3.3234296645735473, 0.09402413094120826, 0.6912489494228186, 0.6158449177821121, 4.491882399645278e-06, 0.6818819461720671, 2.1632168652864405, 1.0494597377251718, 1.313359846685814, 0.3585367911990769, 0.680917132162862, 1.5566934723168289, 0.053747151007502304, 0.9288710469000815, 1.617187166797283, 7.773050445195944, 1.0801521880864888, 0.8502590953039482, 0.22205517478985717, 0.15425279680638299, 4.795222688620291, 0.10980163549672012, 0.8943442132607801, 0.13269630459684909, 0.20263634101579248, 0.2707840788191439, 2.8046255719073256, 0.12867793076343376, 0.5684730904216432, 0.12366758476892699, 1.3180806453724148, 0.3672393282575843, 8.101853115768961e-05, 0.6711819917324413, 3.526506211932113, 0.7115584138618989, 1.7030892620401172, 0.003919518170446612, 2.4140321784708973, 0.019272111780135735, 0.40978555087225843, 0.01565210194159623, 2.216905455271087, 0.06322863801492748, 0.016144808624019565, 0.08142203779286106, 0.04456432244954105, 2.9599664722519075, 0.5956544314894615, 0.002888441559842608, 0.42211798217422675, 0.4009529170141415, 0.13962264578551886, 3.8455048371409783, 0.0002223774218821253, 3.4812975650326177, 0.00282004981951246, 0.8635776536933151, 0.6454330661665524, 0.0010175130672478167, 5.744870472078811, 6.4806967027014775, 0.7325296083135698, 0.3164449558301747, 0.09092630467699961, 1.1465405524834722, 3.71454455264345e-07, 0.4644558763195273, 0.021535832130272263, 6.7284144658633736, 0.00020011264713976044, 0.9985602270230514, 0.08086346408010817, 0.002315202805825843, 0.8134409906178663, 1.179295771621678, 1.8400743751852298, 0.08807070777839222, 0.07253625414594436, 0.9431782389961281, 11.867586684101536, 1.078711975030858, 0.40347377633631587, 0.006034176237277578, 0.022901959817122057, 0.3599979640995423, 0.003240989220486799, 0.000502435450485351, 0.6028978829494526, 0.04363496158649084, 0.540712717390712, 0.08289336567628511, 1.1267468434500398, 1.1447114809108772, 2.0012804903761694, 1.5484315553804573, 0.22248813757845334, 0.0014532613320654719, 0.5338776545551293, 0.12108601537687179, 0.12913661779350602, 1.0394861803282403, 0.070669027863259, 0.12480407601922461, 0.5963900764541276, 1.4413834956717992, 3.4817156162045064, 1.0599712928236482, 0.8990138162007679, 4.22774533137753, 0.17498806681683046, 0.7698681609235822, 0.72058631323262, 2.5242644469303337, 0.4856784633104033, 0.17842627957249968, 1.3822190091948179, 0.36785208496430893, 0.17782338759432123, 0.6334629315222083, 0.3290419744430079, 2.9898947132745906, 1.7877123988059507, 0.003097176811590467, 0.1304062231352778, 1.279524320029659, 0.0033609922327869496, 0.06164350597649135, 0.7916768448648714, 2.680397044242673, 2.5187825286111325, 1.6840722098186576, 4.077415464143593, 0.3497753955835658, 0.07434500412593581, 0.036885976036873984, 0.3942433347477293, 1.2099554658253733, 0.0007572763031135539, 2.5244424807890553, 0.09644946500634027, 0.13893940996994542, 0.8107986605885973, 1.0697916972043036, 0.49810237458060147, 1.963444341032896, 2.713794328694944, 0.541316561202527, 0.09182517776310972, 3.7463223707148563, 0.31509504622352447, 5.699767728653582, 0.33245595974904846, 2.532171565526951, 0.3708785100880676, 0.44133094509216797, 0.34240130717161776, 0.45879315151372907, 0.3800739905771314, 0.5733460295797664, 0.0036282193636640943, 2.233503602610297, 2.655025635240946, 0.17810849721627242, 0.5866205592538534, 0.007463474260779595, 0.2110295700651022, 0.3333979961834525, 0.7184720333838246, 1.2883652570596058, 1.2790076791457965, 0.00035903478380393733, 2.5145943507000585, 3.785199571853067, 0.04402730827886742, 2.757913801006234, 0.6674932986149866, 0.41446499756622396, 1.4792223086364862, 0.2719385219422699, 0.7727288019060926, 1.1222266753049779, 0.050559563778100336, 0.03788091807462926, 2.820960484638484, 0.8470845774204037, 0.4936795669170539, 0.018640869357534118, 0.466544794000905, 3.414652539201771, 0.9284962238008028, 0.0007231180289595069, 1.0197719181494098, 0.38905997906392187, 0.5547223796428153, 0.3802890707112526, 0.027418782601053356, 0.12906140299283855, 0.10712003950611533, 0.19554276970059187, 0.30064823065943785, 0.3856314076663225, 1.6536732722210299, 2.1714395315911523, 0.6158815436513152, 0.49479697433484826, 3.280126576983333, 0.16256518711162318, 5.298905798992039, 0.3393035294881528, 0.19097984459952513, 0.35316463848687396, 0.04934501240968409, 0.8037294443224621, 0.5166048149233441, 0.1696315482639491, 0.338324672449002, 6.531500032116629, 0.11024762189114452, 0.9078754128488508, 2.508505629284414, 0.11184018234339316, 0.5014207361034704, 3.432669916747598, 10.07957308964979, 0.05857682816765821, 1.7598497418849266, 0.5380136370107236, 3.666363698416571, 0.13193896786263248, 3.7093333212398325, 8.1838794511717, 5.166538907726845, 2.063699767018549, 0.3207699180141486, 0.8626509437956676, 1.4342731995847018, 0.543180660060671, 0.16982411913159623, 0.1176113325726756, 2.164189724323445, 1.7808238081307093, 0.03884415204808771, 0.1186281781570797, 1.099871848850024, 5.656686006372804, 0.0021858564643568315, 0.08911548337252219, 0.0016961115321199873, 0.48084699499015876, 0.053309996591810904, 0.505389070863792, 0.05806571780807314, 0.009878249263984411, 0.0010016224987121891, 0.002130048226692393, 0.23247629578208073, 0.37389607356401366, 2.5897028409110923, 0.720070140329219, 0.5330372478853926, 0.40479344813865237, 0.029017196885820017, 3.917626562809528, 0.03638674625473031, 0.059678428716863824, 1.5694823133967675, 9.456417044394767, 0.4494612565576851, 0.3603940124698216, 4.263232605129586, 3.0188106902922907, 3.8776817043578182, 0.19622492843448575, 0.0023856653135553183, 2.9720242790403373, 0.17121684038087745, 0.0038333096879501548, 0.32456036744031913, 0.04997822736785712, 1.1052991962923262, 3.5056891289005594, 0.16599326371226564, 2.433878545806067, 0.13586344361999156, 2.223270749883948, 0.32334146700496197, 0.18877260271117266, 0.0002486810678863495, 0.006946365320799029, 0.3583661219346154, 0.09117529070016293, 0.08713989534291461, 0.5310150262765035, 0.2163642950151647, 0.7046621046553336, 1.8460891009857006, 2.057983883636196, 1.9704988054224333, 2.9084759418129362, 0.016103451350990956, 0.20904255833976831, 0.012394957721789876, 1.5801023088183417, 0.32900063454352907, 3.873920437374076, 0.00512302836446038, 0.2586861682148966, 3.3437137037567566, 0.015675292443040476, 2.426060324604612, 4.2939514007030715, 2.5651131261967692, 1.9536807334501123, 0.23570299529342748, 0.10097963782173, 0.6032387822231321, 0.034968869747070024, 2.6598970371904853, 3.3175791412516293, 1.935100301532017, 0.02620113970850294, 0.18541093707076617, 0.7356583948135073, 0.0415843209312234, 0.3301532017793278, 0.5055099990279341, 0.0298907444591709, 0.008266515636446715, 0.6125677751241801, 0.03936430946638824, 1.881227831184716, 0.16946078083346822, 1.4635626740197039, 1.486518390218223, 0.14664158226344176, 0.0134177140379717, 0.21592234552055165, 2.351766667853836, 0.7566264327114538, 1.2494328099133676, 0.10409652182862768, 3.145180332427114, 0.24361620674858067, 0.17734996011470572, 0.0002725365832510884, 2.8849078705584885, 1.3266322828987958, 0.27817552578185073, 10.205541098218697, 0.016859131278086182, 1.031285702332303, 0.5297888858481309, 0.9100096235740703, 0.2190151351339091, 1.4148163033895058, 1.594695936922822, 0.27351508048333845, 3.0842231697123235, 1.182656595074637, 0.017035521528064788, 2.942494081316069, 0.47477643235218503, 0.011226059934512764, 0.9948604537346896, 0.1288707315691393, 0.0011940935081902826, 0.02338937439732237, 1.3560427465327702, 0.45159092581731136, 0.31189481267076247, 0.04382105127887289, 0.1306077213657009, 1.3287780272247445, 2.891734158667087, 0.278089499100163, 0.2126685514176345, 2.115136473087209, 3.166079285106899, 0.6101676885176148, 0.7689132222157362, 0.37125421508937484, 0.4074620044160198, 0.6802622952186106, 8.406725974475984, 0.6346401222199057, 0.694471789409307, 0.06627152709287393, 0.7456101796376899, 0.14438711618899802, 0.00422924422421302, 0.0035201021478474216, 0.5037117161733415, 0.015840855130675187, 0.05632151110930103, 1.0750265813014839, 0.7930076041738247, 0.019119627964167576, 0.14836361831071096, 0.01932018225625433, 0.7223310200156042, 0.7560564861773946, 0.859364395478378, 2.326516208806368, 5.535669551164207, 0.33027801897567555, 0.8905346002090155, 1.1490490662396922, 0.6493168944538101, 0.3527290807502996, 0.7883100361488222, 0.3557365289646113, 1.248677580497252, 0.2644706415669463, 1.0223122601559151, 0.1488513770083011, 1.5007146226707828, 0.2907718975467979, 0.5400136021847061, 0.7131283471662303, 0.12244003215492294, 3.3867079741177437, 1.6800367376810392, 0.1296658101598277, 0.04528731521702918, 0.0797548438058889, 2.303005654781977, 0.14340503858359543, 0.001486227735726984, 0.6982283936387117, 0.02419789699022141, 0.3356806954133805, 0.0018763134187606695, 0.7853619093245123, 0.0005832860415633551, 1.4648063837022502, 0.19914504787300388, 0.025988160227249934, 3.299740611128567, 0.7417412515856228, 0.24055190152504044, 0.01897185549014251, 0.4750273289527536, 0.07202590304552127, 0.09142865189747991, 2.471075162344127, 1.4870762657641121, 0.004422384748819457, 0.1608175705713122, 0.3995028120982879, 3.7717892005028886, 0.5161646208778954, 0.5770572170828813, 0.22164362283750327, 2.787244841748167, 4.73548618366071, 0.7396711488292946, 0.12517734699341862, 3.000142093925649, 3.2263588200121722, 3.2823160873418487, 1.805385877954601, 9.757255055968654, 0.008184103429195413, 0.3963653020549219, 0.11460760956349557, 1.922792395665075, 0.46113947852254505, 0.19926311482433565, 0.2037610707204708, 0.041404987799300616, 0.6439725435396576, 0.03804481678627718, 0.714089198647576, 0.23426774486541369, 0.7560172313349233, 0.9915784401645581, 0.9643192511504745, 0.2562056030270974, 0.6574847345836047, 0.6188690559251194, 0.5948665777976492, 0.7769358161686636, 0.0055773421006076315, 1.086818135259014, 0.7317355052216283, 2.2038806785985137, 0.5704114544982002, 3.1147902394142677, 0.1968921896017347, 0.7060919014780939, 0.5391341153240639, 2.352113363492822, 0.5782130351952153, 1.6762485378475236, 2.9574457261222684, 0.20353419194768124, 1.9209779915723078, 0.012678524132322547, 0.14344745197394976, 0.0836616851506654, 2.593653346517501, 1.63882061269262, 0.40555676701947524, 0.9383495380055762, 1.9237850854864416, 1.8047880835111272, 1.514854631642332, 0.9752546100070941, 1.0199905496144266, 0.3582421027412787, 0.47269054091561963, 0.16697312451017582, 0.14468653612130628, 1.5031601817764018, 1.0588541644660507, 0.8455417093645298, 1.188794983599901, 0.0071686139031168035, 0.10834110979113233, 0.9231309679778915, 0.11679803240838604, 0.07422666157024062, 0.2514146120712865, 16.00637568266957, 0.11425214618032382, 0.7835846849324384, 0.10198560237705788, 0.01148421586304893, 0.7010067306668628, 0.010211833302287641, 0.05783251152315533, 0.1374192028078684, 5.619155692914648, 0.020819962028602923, 2.58416673678484, 3.0252501884251592, 6.517658828898204, 0.4191931422353907, 1.069785698802612, 1.7068085399056525, 3.4019729949464663, 0.953895875883601, 0.0486396719039719, 0.4274736512360969, 0.12846141565891542, 0.5556659533721113, 0.48371993845368566, 2.915920885249267, 0.03502147470047058, 0.4726105026292689, 3.6643550400231146, 0.7952473314074525, 0.0798634623158208, 0.7882424845910472, 0.7313167802776667, 0.024363561783310204, 0.7050134483878381, 0.09882267374758731, 0.28173376115178655, 0.09583081632932458, 4.270397521104026, 6.428718289007601, 0.9231903982922839, 0.015803231463198245, 2.662258192402484, 0.33087616487026833, 0.03451314120879028, 3.4498707296558857, 0.373589521831464, 0.9724134061444231, 0.033133629959994616, 0.0011185064309700554, 1.5646876097191333, 1.0400667917158075, 0.38849806358941286, 0.20811861095126616, 0.0014840913642509765, 0.5973397083945576, 4.094118465629073, 0.40917255389022106, 0.02259485321255574, 0.8664621327212294, 1.384260426674979, 0.20011594570863928, 0.199275972291653, 2.5047748762891584, 7.130656763966147, 0.7416568021483184, 0.4199375326141431, 1.666604947532597, 0.0517736683666782, 0.7856903852274556, 3.9219340956758377, 1.2550219573044976, 0.7999860800792048, 0.00018617229803542888, 0.0808402621073256, 0.5558866829653895, 0.7776298503116985, 2.110013380490574, 1.1378412233178528, 3.6344631971890182, 0.018584179385071856, 0.1878342221914013, 1.8715117074850518, 0.7212908199572581, 1.5391035572229568, 0.03145975499822481, 6.951545150999966, 1.1917879948534473, 0.0665439329477872, 0.1520846559517012, 0.03923485020874563, 1.3556662692771047, 0.4418188134258831, 3.9467418035555313, 1.2287362724414566, 1.3137065570737316, 0.07550876245614202, 3.0815131121987336, 1.5951321123576103, 0.22220787997857339, 2.1160983255386348, 1.7522870915598008, 0.008142538099911336, 0.0006518420689669975, 0.002729980030975574, 0.05396120959056094, 0.4507444384881801, 0.5967106829411742, 0.006666942553605916, 0.9185231885650822, 0.0002038772186903154, 3.9924417010387896, 0.3149908885180086, 0.5064597120396518, 0.0026206289342993977, 0.5575758365583167, 0.132163170689527, 0.31608040419703104, 0.16746460745825212, 0.31282336337989713, 0.3191655753451919, 0.08669432243807743, 2.6503909563959027, 0.2643058141027658, 0.9553384679717074, 1.3375699746520466, 0.6586702698522785, 0.15140690562865639, 2.6105320746902523, 2.552588834861374, 0.411127450065542, 0.0048947980930543955, 8.10026248266797, 1.5245529921456544, 0.024492191276260452, 0.05460024127807153, 1.5390075246717316, 7.632960798959021e-05, 0.005514079417880096, 0.8315000125742655, 2.735107620218853, 0.018319402340797507, 0.29664098125714355, 2.924477210967713, 0.6509480007542738, 0.07098838270192306, 1.1380528558517526, 0.8708986273677776, 0.059040337412690914, 0.06350021793423681, 0.39084552467119793, 2.851589509442369, 3.0292447460627145, 0.06690471460461189, 0.6193400821944095, 3.1606683969428824, 0.030209600840677125, 0.024341846948673473, 0.32418337091844474, 0.03443656668977652, 0.2144823263436498, 0.3371021861420887, 0.0030379506966695, 0.6293325147375067, 0.5894043119673175, 2.751040181315327, 0.5427899846986086, 7.862275014795111, 0.04031745886878266, 0.1616692290501212, 0.010241932710490738, 3.5930362217799314, 0.9121585413015415, 0.3529413695410232, 0.9215537994400977, 0.20922028744719998, 0.5658685033094877, 0.0002484191345000899, 0.7055690998682737, 5.368676332924102, 1.0390034603725196, 2.339082327254383, 0.4183956210841052, 0.7473696484205393, 1.9904294249354009, 2.4960376127362727, 1.1178092298224864, 0.7859945050565572, 0.5372596172945813, 3.2495781677781514, 0.5412189191383078, 0.010653367407862352, 1.2455955219691792, 0.3354087059530484, 0.9257789934822231, 1.197198415203025, 1.5272301592990438, 1.1385368141185355, 0.8574268689240383, 0.8232618180551715, 0.005101513712165692, 0.0024462000740292996, 1.9519390374292913, 0.08968907384074991, 0.5628767366702854, 0.8388455534635298, 0.39397689710538847, 0.4951739751929336, 0.01922829755282599, 0.19440065188876515, 0.6873708214448525, 5.396661150779696, 0.007081993803312662, 0.4986212005686921, 1.1106423183815004, 0.09658244392258879, 0.0015802319003108865, 1.2664018418161274, 0.047521388822348236, 1.0575449623539883, 0.3901191957969869, 0.013408512298612448, 0.002266400074255466, 0.7403872927485459, 3.1928222914493025, 1.090151085809642, 0.5144887994435714, 0.2781054780240062, 0.006170667790075196, 1.7355886339209579, 0.1868535693304764, 1.4417546733047613, 0.001979394252969739, 2.354047109969849, 1.8060094824797215, 0.2875300988318045, 0.6990440334139852, 0.33926795449715214, 0.013567497005469881, 0.15981402430000005, 0.692279973100623, 0.017673481231969282, 1.2810402369832594, 0.23017957021870944, 0.021194066444066698, 1.650931263220909, 1.231344608431461e-05, 0.034180651824015626, 2.5201835094972367, 0.2249735919855968, 1.4977545805760528, 0.039635552825669836, 0.015113024582085497, 0.1931612854478588, 0.11714328677797801, 0.8388648207034558, 0.007876099977354393, 1.554744090382528, 0.30499417409695245, 0.46857079280259545, 0.06776454954538921, 0.8175422547810167, 3.676226614993811, 0.177615594152872, 0.03792791854701753, 0.287971957195863, 0.01452349569297567, 1.1317573315506126, 0.07343537528842997, 0.5862431177920661, 1.1149962453697801, 1.220286121690237, 0.27273694643750523, 0.21188606759620116, 0.22279037220399175, 0.3748717254474417, 1.3311122607704005, 0.09096267432886376, 0.17851829472037545, 0.3086860027607091, 0.02601302911585312, 2.9389027460040036, 2.9352491454861145, 0.6170810340464595, 1.0730137050275477, 11.114277329765311, 0.5413406286932737, 0.8158039967106681, 0.4471864902792833, 0.6379761319902573, 0.4357447235969504, 0.26805361618389534, 1.328549744215599, 0.30323692188763407, 0.033562436848011065, 0.9794374868797733, 0.26173339810986646, 1.3051571577785293, 0.25771551880715937, 1.4739879128689375, 0.003575344311319267, 0.19430604030455775, 3.551363822467724, 0.15255714008018548, 0.09839394300414213, 2.117355107347824, 0.3435892811579156, 0.021460845839118423, 1.211940913524039, 1.017523356870874, 1.369168608818857, 0.29952131366120094, 0.9254974220766227, 0.014971867610450638, 5.847967960498958, 0.2193015346938719, 0.007666707548156087, 0.2537666176138251, 0.7617805959561089, 0.31666924591365575, 0.7196082604572112, 0.17463993443685885, 0.1752994148480811, 1.278856108642227, 5.400168386093093, 1.3381472877129255, 0.31510139089447875, 0.8508359174885642, 1.5629009975557515, 3.295521662703618, 0.657876519429242, 4.399931337847471, 7.434294096456783, 0.15442186984776105, 0.927219848310171, 0.030785054411243837, 0.5524832862039776, 0.824060993476139, 0.33632484451001965, 0.7820961406245667, 2.6851973258892513e-05, 0.33746436795081514, 0.6674541079189426, 0.026169472250012538, 0.011407207839887752, 0.5421775467746061, 5.967670561153273e-05, 0.5925158448338855, 0.1936605965898123, 1.125174461897803, 1.4382728186260834, 0.041879284491610165, 1.5586240643822666, 1.4140200207881457, 0.004704364788718889, 0.15430490607973155, 0.9220606148655605, 0.09290900208597982, 0.0027233365665186213, 0.2437957635833563, 0.0022186341632723402, 3.3903999086619736, 3.6686220028786996, 0.5230474866395646, 0.8749603756760554, 0.006142845673173332, 0.5609231734430632, 2.994570950296833, 0.21240552837532545, 0.0017013798599548992, 0.494952136572276, 0.1122713722315006, 0.002995103304614895, 0.6423057485950424, 1.4009160494053123, 0.5597196108726941, 0.03914152077663513, 0.14579405679298613, 0.1247034916786979, 0.20472335435758537, 4.1456010852011085, 1.825362512949511, 0.05739418680398301, 0.19292525856270853, 0.447821727332952, 0.8191942374336031, 0.606271188459471, 0.7110936433128526, 0.0020862737020375197, 0.5823910959366813, 2.827163798012913, 0.4972789511286929, 3.167972863857742, 0.6178143442058923, 0.017220045271452312, 2.0492105915164176, 4.303968494049434, 0.13441631003370752, 1.5342767745605188, 0.0910167325937131, 0.17720020836609407, 1.1111146946194799, 0.7223962006190452, 3.505586973929918, 0.00025725782505069415, 0.004051107097016587, 0.0034268752531448465, 0.15540450792303231, 0.0025782912757662483, 0.24307117468322864, 0.12163982180228124, 6.223126091598931, 0.7591907275016919, 3.1306918107425967, 0.006493677464595443, 0.04354021536816883, 0.07464797300883932, 0.35145300985087297, 0.01676495914084319, 0.4088500362778094, 4.709435582046671, 0.03863069476726815, 0.3144807919245244, 0.027935961723235096, 0.16068935766846182, 0.00035817817462598057, 0.7620351530226485, 1.8455083843302753, 0.32599017294439536, 0.3764389652967499, 2.319818099272167, 1.8911688275084917, 0.03096683410786743, 0.01322454482525855, 0.36313048791519476, 0.6741817798332672, 3.7228388701187893, 0.007833603303482744, 0.7820545626320905, 1.5832857197385628, 0.8694546480933774, 0.004249804942069714, 1.7517900230515457, 0.26317073284269793, 1.8536809346918872, 0.4063142084649095, 0.529144675384665, 0.001567239130526949, 2.017153166444692, 0.8260317707084797, 0.015321815727050457, 0.4605721744298057, 2.8717169072045756, 0.8246856054093856, 5.448241935989504, 0.0925188750328231, 0.023875410575791414, 0.003281323836551579, 1.0925299875217966, 5.559111793898907, 0.027727925546232574, 0.01549934487242132, 0.6569200911461166, 0.009958262249165444, 4.363894319013462, 0.04830671592778041, 0.16831138805147636, 0.01312814765726062, 0.4328591715053305, 0.25413533527386317, 0.401663850428071, 1.2236863536834608, 0.2754470007262805, 0.07182713803160064, 0.8616084301919918, 0.025175989477945287, 3.434205146688403, 0.00020356091668035213, 6.125157346651649, 0.21088674522488848, 0.022224723299605485, 0.3260911320680366, 0.05222013219489489, 0.10345520616868517, 0.13392803388986343, 1.441971083241793, 0.028858473126319124, 0.04302858166586265, 0.061871650190797656, 4.137595645849625, 1.85098760302985, 0.13462517678012648, 0.03985706485939299, 0.21983971419197193, 0.11757675614429515, 2.301342835434427, 2.6148267009165387e-07, 2.1425517070924402, 4.953306196332481, 0.8745792547057717, 1.983743973050668, 0.17150395040043165, 0.7071532686821471, 1.9455994247494677, 9.824239074784028, 1.6180985201561946, 0.300611801860579, 1.5597179294841947, 0.04550574035702612, 5.715459964971611, 0.06684164352558487, 0.5425744344704397, 6.086756688888232, 1.6445556623733066, 2.5294286676150395, 1.8069356506596563, 0.7062371246997644, 0.1461441013457101, 0.1410459008977336, 2.4921882386352023, 0.23021496829383162, 0.39941904722861116, 0.003614932184656692, 0.032635514396459335, 1.929387684183893, 0.5646684295469523, 0.1362149032743894, 0.6793829230233435, 0.08157200160070929, 0.23697130487397042, 0.797665650068206, 0.4812203335922718, 0.27665404946312644, 0.17421187142298797, 1.1077111283020387, 0.33885238022622977, 0.08622962970257794, 0.27097526404707706, 0.007903666406217485, 1.6605542288506967, 7.450673138163675, 0.003665918266362599, 4.7984017342288965, 10.3054551898801, 1.8620122322110695, 0.593400978791155, 0.13220822562697837, 0.21752953872718045, 0.6204220137699035, 0.17777280754110208, 0.03250363168259749, 1.2119731296893832, 0.1939819528828822, 0.06259328572621077, 0.9849132118723074, 0.3674926193839117, 3.4032255727151552, 1.2508630148962576, 5.428609766419855, 0.012588619472517113, 0.048666628883130544, 0.6369552760572272, 0.11408905504039844, 0.17253331340403932, 0.5412139308487655, 2.1696400515824, 0.768221472560132, 0.3491070370609029, 0.8442150118804268, 0.13854277162374137, 0.32830875157438577, 0.07764536055626627, 0.1717881419645209, 0.00658794556451785, 0.5680165707849871, 2.5946066408819837, 0.07742663859914613, 0.34256233109075285, 0.7412074060584144, 0.3426660301218253, 0.011018513858638472, 0.013386265646250298, 0.749099773109522, 0.1877387635002704, 0.6180388230915758, 3.705051747803093, 0.18169524331162248, 0.917025139762754, 0.4219340289637732, 0.5632861474531544, 0.6225633476086503, 0.3029140050175295, 3.1745358468543032, 0.22885061269966944, 0.8430595470044026, 1.7423899809985586, 1.481314767012858, 0.25193502041836086, 0.1551619753046364, 0.09056341963959115, 0.5647498243801548, 2.4174288838979394, 0.13889021225236733, 0.09461293785790836, 0.46521421471738617, 3.196382707867457, 0.7713412327947001, 0.0072430228621292525, 0.004087095182052501, 0.18643378450264972, 3.1136057178999637, 0.6039299045814175, 0.13695910375129927, 0.42229052788486177, 0.023861571504968242, 0.061225564374933227, 0.4524557073422629, 0.26407728496961996, 0.14934916184616423, 0.6203585020064893, 0.6002805508109854, 0.1330880032725489, 0.0012788069136710223, 1.3356276712345654, 2.0284968000104477, 1.0844139836874163, 0.016489836525849386, 3.3954558783678572, 1.3127121231475507, 0.07469926939027709, 1.5988510114925718, 0.98989639365225, 0.11961920670879755, 8.392163522661905, 0.33397671091923287, 0.8050282157212927, 1.058283115151432, 6.408938028356152, 1.6208829790558736, 0.19334666113418328, 0.0006322303401628794, 2.2028023943292294, 0.10099488969858217, 0.36851000953029933, 3.7011753264666605, 2.0125193222932483, 0.5649462486656114, 0.5135052731418294, 0.9653026294400451, 1.4969237498952856, 0.005613129588803379, 0.057514453069182035, 0.22172796877196532, 0.036240382423168495, 0.0036902546398184972, 0.6516509579865408, 0.005621164993040697, 1.0628315784431797, 0.5709150429461229, 0.04464790545174629, 2.3073727992475064, 0.3709363844447305, 0.6874296513369705, 0.023865861308342402, 0.9441077664116544, 0.7616557807440173, 3.111797341214251, 0.02181327895472872, 0.05672098674738013, 0.09679753102925176, 0.0027443071239210692, 0.2520519294519562, 0.17232966479329764, 0.07756389516174554, 2.9901032407245234, 0.04681957064975795, 2.1237985175324456, 1.5252105076082207, 0.14103475534321724, 1.2649049982867306, 1.1624747786754652, 1.8190466296989463, 0.6167262930688617, 0.19578643566930953, 0.8976205503594339, 0.3248866706270306, 0.0007766942912613, 4.450073425976885, 0.09673252001198487, 0.7796535202576724, 4.1065424013421765, 0.07755318606004231, 0.3737521411838498, 0.00015606056549323567, 2.700057004806989, 0.6028587482104664, 0.12995240267909638, 0.029381987475694052, 3.999811522158961, 0.40359719028837776, 0.12276123568163538, 0.0001210647192294105, 0.03943035814983061, 0.061114355589988324, 0.5212984078347651, 0.0948896203491491, 1.461452004387163, 0.3058606016193528, 4.7057232161895515, 2.7934507913272713, 0.4691997850522862, 2.0191703317397636, 0.5892061401836084, 0.49320038808456923, 1.3862885614732239, 0.0013215858863673783, 0.5423167594498706, 0.346463821231771, 5.253686441181948, 0.4387788731176311, 0.004776985314439128, 0.11014797303542805, 0.9291457073618519, 1.9202813888448662, 1.6318528743434026, 0.9337150405207213, 0.0754590418321085, 0.38891115122901837, 0.3186425003457199, 0.090063776540021, 0.9514454392091545, 2.929936865329316, 0.027448269388855417, 0.407872204993157, 1.0256627657720143, 0.5517273746054687, 0.5763908828375072, 1.6361814948060434, 0.08842305919239919, 0.939896996039094, 0.3708129958668756, 0.22229736795290314, 0.48949998949852846, 0.021704757694020808, 0.11930186273245919, 0.7097909198639164, 1.0873039189946214, 0.07911247623651346, 1.1016599381774856, 2.7483853501822977, 0.010563937067383778, 0.6242531853752468, 0.019700919096101853, 2.047126332830297, 2.3554091901380048, 4.707421193636807, 0.015024819489979921, 0.02827017968119188, 0.6924516578703765, 0.11790845897643198, 1.3207867091286238, 0.8763410829218059, 0.9718222574383423, 0.07544710804403759, 0.07804097161605143, 0.013224996117254978, 1.811742328700387, 0.5409379442048147, 0.20628993668298953, 0.3175180438246133, 0.7365927418881018, 1.0895903747738368e-05, 1.8992011000718663, 0.0032388908601916956, 0.025469919219764558, 2.8612831491499953, 0.04401505057880848, 0.0008723631581970316, 2.6248538985630847, 0.9609226472648655, 0.1319493775290257, 0.06356639862386437, 0.7732950358625532, 1.6945410354768762, 0.1291461896420006, 3.838709632721283, 4.456065178363532, 1.974134387279129, 0.026333246449023132, 3.5515493687893684, 1.7783755943328114, 0.016878593556277605, 1.1855152899963648, 0.41673854697296303, 0.00035565343066232605, 0.07155325119435946, 3.198347992073688, 1.5381291150537464, 0.1866105803462013, 1.4091051206596863, 2.6592292964720197, 0.24778574176628784, 0.014397389099107517, 0.0010176854942496396, 0.008546964386949168, 0.0019246638755438332, 1.1916106144782224, 3.3571671588710648, 0.3553594568401372, 0.7076903430987908, 0.9937418534908319, 0.109833071275637, 0.446006734294192, 0.3341630037783724, 0.013124669381602587, 0.03649902401921506, 0.34077879278298007, 1.496926521299746, 2.6587984860557676, 0.040176771042728494, 0.09335836867400318, 0.45579955841899616, 2.2970863991150448, 3.0157315781384564, 0.13268441943034873, 0.12712661555310512, 0.7386988966065104, 0.005027813576609537, 3.8472648277624124, 3.3050867353546036, 0.14791018119784735, 1.9863040469686715, 1.9696602180388858, 0.0037354965341509522, 0.8275213452878589, 1.0930880081112662, 4.874420218229133, 1.5296488024469665, 0.2689716076153978, 0.005686628116001131, 0.0016974468856512657, 1.1400057899771399, 0.0010095856808323867, 0.061272830962442376, 0.24156595074023696, 2.4618532207950015, 0.39221886671214895, 0.011779186013014207, 2.56208539957089, 0.011759881048854066, 0.034252573269145624, 0.10138153355751756, 0.24365297481344078, 0.01797341509713733, 0.15579383987461107, 2.9066848334563986e-05, 0.0802835524485072, 4.147497467846175, 1.0480987241309347, 0.007719126425355636, 0.35913361753758155, 0.011015884217898304, 1.8536831199768864, 0.026210466459076678, 0.008795222458370357, 0.03534230946062817, 2.815480314685251, 0.06933067907995319, 0.15149980545289984, 0.013528746308647813, 0.21925629835138374, 0.20579903002483776, 0.03501664980364545, 0.21567052311807802, 0.06665767695670499, 0.08304859289559181, 0.006937855426736791, 4.580768027394489, 1.0172153052332948, 0.26969953441088074, 0.019481419871487795, 0.11640063630468976, 1.0405747831205547, 0.004098092463740464, 1.2804157981169682, 2.2825367803555556, 0.008819213785931526, 1.3590524173796308, 1.2928770814692818, 0.21184613023308765, 0.9281221613181787, 0.4572042185432095, 0.25345120490234446, 0.07843130415839288, 2.7227817520402358, 0.01774073921652345, 0.6162169918516732, 2.9463910762063725, 1.94543208087584, 0.03880949761845613, 0.15955076672062346, 2.0344846140497004, 1.3825680239038414, 0.15473804980964462, 1.3590900990473551, 8.389147548161663, 3.9147911852234825, 0.9963643358004521, 0.19637830739953113, 0.1501737688799666, 1.69323387075624, 0.006261257886558744, 0.28250524525997994, 0.24606794399364068, 1.1192223665829648, 0.12463960412165448, 0.5389255834823168, 0.4295433719453443, 0.21319872394255546, 0.10022989145493183, 0.03841897395649351, 1.4872627206198519, 0.07650371292451859, 1.352519836332133, 0.6114871309168262, 0.020611311658603783, 1.4600456008841871, 0.15132471653027987, 2.997729091837483, 0.6921637212156937, 0.7528965938181104, 3.082449131136356, 1.384632404743396, 1.279985642268405e-05, 0.00893406839273915, 0.07628896177070972, 0.02616570570013374, 0.256458752066205, 0.6234237944445731, 7.63710946539384e-05, 0.006527502171126091, 1.4215083725912847, 1.3457029342556337, 0.00022405561824578263, 0.39385240259259613, 0.009832244344259269, 0.5360688741528482, 0.1543115492627857, 0.7001513030149414, 0.2001709677760364, 1.2337213556671505, 0.021030747426469692, 0.04271037082927514, 0.810006553122145, 0.15965621658871607, 0.7906364579791444, 0.004590484550909633, 0.024563382924425413, 0.3368962394826948, 2.2036060418997767, 3.170112017976882, 0.6818789066349434, 1.7008249068097199, 0.014078744092623217, 0.0036176481209554247, 0.4533623139802122, 0.7511406694139146, 0.04503917519697759, 1.4983758370503562, 4.586363719486901, 0.8964041857317366, 0.18744308433554846, 4.702773349882568, 0.04221781131552949, 0.39704933021943783, 1.5470586797568884, 0.164161510221455, 1.0429110606661975, 0.17427769680078767, 0.043760784328357276, 3.3141880026027777, 1.9815933640636854, 1.8547114209931799, 0.07165173667071503, 0.854640388308275, 0.018520514272405343, 0.004415525313309526, 0.19481978500260452, 5.45496107360278, 9.654913864691338e-06, 0.4804177484661055, 0.7903075285459512, 0.11580567017862285, 0.4737140992608822, 0.45158042127689363, 0.06011358886325578, 0.47314001822362034, 0.6309520297054476, 2.1809111999380555, 0.021663416916469874, 0.11958133749462443, 0.03505336190568506, 4.099144502130937e-05, 0.008582961044937788, 0.0008772348661085043, 0.07552194926047082, 0.17492702398002707, 0.9272938406483329, 3.366572054027295, 0.02011181378904429, 0.003704051453526399, 1.9193171889877598, 0.136148735826938, 0.35138944811983974, 1.225722219996295, 2.8915262832059194, 0.00219355605599513, 0.48920388646695123, 1.2204081476042326, 2.68867112123151, 0.21941799243026147, 0.7014545320675662, 1.2809850363524418, 0.00822119796609313, 0.0775891986942719, 0.3107991974790437, 4.554456250245716, 2.6363959756657906, 0.04121872076367657, 0.07840914624278728, 0.3668297203169055, 1.3802393500554804, 0.013613023699651032, 2.8963463460175842, 0.2316630091602927, 0.09572693584328645, 0.5818810417320686, 1.7586754097923132, 0.8246428764822272, 2.380186363178334, 0.4897331851587737, 0.208034944760587, 0.06553688136485897, 1.6241825900767088, 0.020680599560568988, 0.3180921298389731, 0.006929273965087495, 0.3069529535951668, 0.9983449372018034, 0.03335181443963662, 3.191047102010451, 0.2897254510949207, 0.06377586598340279, 0.5621757930344915, 0.20218899667073645, 0.4599332718366618, 1.179351996592091, 0.026780461381187694, 1.697670210847145, 0.4454934046499088, 2.091559679237648, 4.7399425363121965, 0.8249492782652416, 1.3713216260976275, 0.1663178252154003, 0.3960462436778192, 0.006237100692548118, 0.8561179208333636, 0.44195704616003645, 0.18106378541071277, 0.26845533061281357, 0.9693811408196373, 0.7313827666550596, 2.6191469949944604, 0.01568307942335913, 0.3073801815210023, 2.156192739855568, 0.9404470175052609, 3.138771328821693, 0.7285108885341863, 4.166095651713809, 0.954271408652255, 0.0006526323973769926, 1.0882483187067769, 0.003704207123650179, 0.5612978240044554, 0.41755333303032904, 0.5339540377454621, 0.8048879548505622, 0.21077407915769125, 3.515175088582881, 0.0006190369146891613, 2.5560863258957607, 1.425395084238102, 2.6531263394920908, 2.1960784021029864, 0.015883635838309478, 0.3377609306632534, 1.3872581187838473, 3.03778660471065, 0.05684561957877463, 4.611172517333164, 1.8922460274743196, 2.0826561321153525, 1.9201298800409239, 0.539872877665725, 0.1821295701773919, 2.9837549327296045, 1.1581910526736177, 1.106867269644537, 0.12226091385701053, 0.012393040321717378, 4.355166398227457, 0.0027300478608804873, 2.422963960010055, 0.30442314598521536, 0.02033872212754268, 1.0907043802451624, 0.4173609778854451, 0.009079961752367579, 2.234702424597198, 0.29691630940391195, 0.026703462395219046, 0.27466104974348876, 0.0545366500263949, 0.2689003868921838, 0.06604354971799153, 0.08822933512070666, 0.3475266637293615, 0.018520040781172028, 0.1881267147862708, 0.6196051153737581, 0.08996724250515799, 0.11078148488391139, 0.0813057901873828, 0.14117539876237525, 0.13266120478815072, 0.03596570792691636, 0.6777711531237757, 1.568521516738005, 0.15576032182884705, 7.599679510782295, 3.8012971621106413, 0.43738909383766716, 2.235371118502523, 0.19422161522159007, 6.750292102029505, 0.30798229592533305, 0.5918586406415757, 1.610113522780092, 0.8056795916252177, 1.5814738862311786, 0.002388121744492547, 1.2604190816587826, 0.08420875728512288, 2.2591512288010502, 0.2323069455961501, 8.676094631564037, 0.5401136391455171, 0.18968506894717913, 1.7976892740527672, 2.317057898271659, 0.11264801808577225, 0.5419727084781223, 2.50547981802054, 2.6537230317380542, 1.2737102803565896, 0.28174418715596916, 2.538804001052345, 0.3677656654377469, 1.5609793964498153, 0.26632181338416894, 1.936465828187409, 0.11093599577891534, 0.43546586439823404, 0.6379817397181708, 0.5161118481526198, 0.12857575827790757, 1.6045398409743175, 1.7561659917149026, 0.8873011375849754, 0.05962709977286329, 5.888929408892272, 4.104939941418901, 2.2938298186928816, 0.06275376706666624, 5.066677620668198, 0.6210655562410552, 0.47698838075466576, 2.275162565756055, 0.6549781949753075, 0.4196360089784571, 0.9265062386380349, 0.6297610931084885, 0.0781833076020561, 0.670120684945663, 0.6055285156685755, 0.1337008156681166, 0.671622706277223, 0.015708814395448186, 0.6535351565867301, 0.0045617804241669425, 0.1421056137583287, 0.39777918323740413, 0.7225207611331625, 1.6966419661447782, 2.861813480911329, 0.0345331931821886, 0.3653193271931332, 5.276411578805711, 0.007723712599836166, 5.063557356146777, 0.3889922748175942, 1.6168651373725123, 0.20847736970746755, 0.020791267533673354, 6.215347257418335, 1.1083395062758987, 0.003739380190349911, 0.1627753912664545, 0.02456757553352914, 0.0005430882441032729, 2.6820803965584052, 0.6121105204349948, 0.16469997164889855, 0.24943049114858726, 1.0884937458485442, 3.3357850280829235, 2.7508687575126722, 1.1687633780990627, 0.7336779771199153, 4.026325383208999, 0.8222685409463985, 0.10163581324759939, 5.253781970806215e-05, 0.8026262516594292, 0.5028844001179004, 0.0015393099628104702, 0.29572904232046704, 0.005711443479426997, 0.6750745017789396, 0.12729197603355624, 0.16518742961860172, 0.00010578406216625815, 4.017470216437472, 0.5675555617996313, 7.354939154689137, 0.035869582293570124, 0.5162451796058558, 0.16642559011440375, 0.12608943591154587, 0.00994919924435269, 0.8154689862612924, 0.059803328372316535, 0.02404062883889048, 2.184817584164096, 2.2769228576600447, 2.2646132489402966, 0.3473111634322024, 0.11509048891186306, 0.0164939076346836, 1.2142079756510915, 0.1419514475709946, 0.005079013773164728, 1.0189816755052177, 3.3524322473461264e-05, 9.666872944090985, 1.1825292730166936, 2.087832031931231, 0.8116340541392263, 0.03511401993086326, 0.2691833793806976, 3.4808873633825836, 0.1610159064562373, 13.276002296299623, 0.29295513965476344, 0.38584495210229575, 0.00048525485035300824, 0.026366536615985772, 0.3048690490794723, 0.7824791412855785, 0.4360977127411872, 1.2463850581255569, 0.33792613277708566, 2.54924852022754, 1.7898462886155582, 0.061079117614939074, 0.6039263292842344, 0.3380496127137521, 0.22695502084246624, 1.4009979721759598, 0.9420565451493035, 0.031718796316956066, 2.012550184936159, 0.0715007369415778, 0.002365400976332313, 0.39044835523294397, 0.037635107935044536, 0.05689823803060251, 0.7311230032871429, 1.4352348898052742, 1.904068145531793, 0.0030330224575358692, 0.5108129884490195, 0.09718899696520002, 0.11580403194769832, 0.6062627735752547, 1.2902320833140093, 0.8739449689487188, 0.15366676722421022, 0.8653982709719555, 0.02927189389348557, 1.0385452708792415, 1.0869942151680476, 0.5511724043430113, 0.45513367666264953, 1.5941477276276703, 0.16828029120712884, 2.7502677524542127, 1.0701438492992, 0.9656364341253417, 0.4544186852014009, 0.11011484839600373, 0.44031103752740613, 2.2831848400913186, 0.08359016737875262, 0.08221863579395054, 0.09495868259526337, 0.9153314923102818, 0.0017124957958665574, 1.4908103982515053, 1.4005754769487497, 2.0084567325178386, 1.7493775737622845, 4.026338689382068, 0.6455321834271092, 0.25611239810577247, 0.1175586397514704, 0.05971230075150711, 0.28922592393508695, 0.001652103062853357, 0.18258876601510948, 0.7879419204146616, 0.17780499934437893, 0.004933295186290089, 0.8997423499972155, 0.30859598790528614, 0.10884666467620698, 0.0076077068101292585, 0.8545668610858502, 4.795306564088546, 0.8084259799114338, 0.03671757218125743, 0.004744450927884388, 0.08592954246976743, 0.6879670962114801, 0.4475433595756612, 0.23487920141079138, 0.014664160865012705, 1.026874014181145, 0.0619603370757146, 0.03452424776490088, 0.21862767606791467, 0.004002301570385148, 0.8695502867750246, 0.4148666176509203, 2.152532301130321, 0.01533577069107031, 0.0005571511399475747, 1.8866959233349447, 14.12340176808936, 0.6541974280651566, 0.045929014563663155, 0.10993471721312631, 1.1062615235896587, 0.170660113419446, 0.16814140456589674, 0.07884600233995796, 0.21450814157806086, 0.25998719448273766, 1.6631866616291313, 0.00021561873270975793, 0.4341763173028608, 0.4372164888355694, 1.0632282505527542, 0.5449567708460448, 3.017748344807183e-07, 0.08511543566758989, 0.4168170209092518, 0.7330908611924278, 1.7556768680634074, 0.07739280161203968, 1.683417863744147, 1.443431650279838, 0.619845606946227, 0.3182224500985014, 0.261391303849135, 1.5849862194334476, 3.9321146017785367, 0.18025136408443085, 0.0046938038795956444, 1.914478383948389, 4.46190834658767, 0.6235569972821283, 0.4816561052182019, 0.23695952682196714, 0.09961891652629634, 0.3964366203972106, 0.24862034482612033, 0.0003615337594824067, 5.661490390497116, 1.5495511309566659, 0.6424803017406814, 0.3315981768032503, 0.192745689101235, 0.00017522971813134858, 4.810199986464032, 0.006832772594314341, 1.3075580845161452, 0.17980025698548088, 0.03640815095827366, 0.6061541964226949, 5.981192846665541, 0.05234296276949415, 0.48982414740920277, 2.2166041839102415, 0.16856426381839873, 0.2228279504253156, 1.2977477885692807, 0.6886150300102494, 0.13741093222167208, 0.8205710985115867, 0.000723854307161444, 0.05549788119697114, 0.2740721397422105, 0.3145761678552463, 2.52251442544052, 0.32745450274326965, 0.0035092530118575986, 1.8868758378685397, 7.158557661362854, 1.2531677166143438, 0.04053480133594346, 0.04311747089642652, 3.3024608601460863, 0.245052890960879, 0.6767247471049533, 0.03236695767465589, 0.5319084361473175, 0.05048522407456625, 0.30094827966237064, 0.3647203341405996, 4.295916994250278, 1.1866545993877897, 0.2221466438917972, 0.04002844912826359, 0.34036566500746895, 0.7458074630137708, 0.5444576091679321, 4.344634728162616, 0.5260953960767102, 1.1683893200268503, 0.0008148745632827865, 2.147068443647386, 0.0958925206552701, 0.04820841257746327, 3.8973517367170265, 2.8225007258675823, 1.6407760196540695, 0.019834736577491876, 0.00960770704063668, 1.3604665613738292, 0.12187756552229582, 3.361372230345825, 0.0907048447280651, 0.2257880259728885, 0.024776922136336418, 0.0013185506474954864, 0.19404075547641028, 2.401108101117718, 0.6213979135918983, 0.819491807832008, 1.5110138831153275, 0.0049663330301670874, 1.6441322753785548, 0.003019569278880008, 2.5252226667367883, 0.004098314415466991, 0.5696969632070511, 0.8656639233141986, 1.1166401546678006, 0.002021201035393985, 0.0010792909819789778, 1.0164573685362026, 0.6124637067561807, 2.449374013977288, 0.1342989576305899, 0.8560619988370403, 0.24883196749535041, 0.27685997644587496, 0.3168353631621789, 0.027791240370316418, 1.2174557649540538, 0.7400583061676227, 0.730511793500172, 0.37900582059971255, 8.341865174761061e-05, 0.18875420346638902, 2.3342967714123852, 2.3202140388332597, 0.5104469777086895, 0.031359124223992056, 0.024776992290064668, 0.3178661691827859, 4.588016592405058, 1.735449370986832, 1.204772629268278, 0.4510466437774745, 0.4279437401818153, 2.010906497605108, 7.676894555416819, 0.12327930871630687, 0.0007723176516565366, 6.288363762518829, 0.10167308219188552, 0.4052665603317852, 2.105136504446882, 0.14222817404364102, 1.61849164415607, 0.6959471520284621, 0.10429221635145167, 0.09735988661921317, 0.7203172430216369, 0.5435483082218049, 0.056082801272526794, 4.450507110499902, 0.017422928399506564, 0.11800214741025292, 0.14988603582940446, 0.8849909300503385, 7.305452660312642e-05, 0.0014092347233682235, 0.684448969546609, 0.0586885166965132, 0.3605316355000581, 0.8976471621103681, 0.02305643493391083, 0.09810790523696275, 4.722235680363041, 0.538174927867737, 0.5453882817788345, 0.0011916836743930046, 0.060922409388083715, 1.3696251606544212, 1.064669787696062, 0.26815467550862876, 0.06566850176735956, 0.05575900222142878, 0.20528649255465692, 2.185085550558433, 2.4261028636966566, 2.093223059484555, 0.9402205599078605, 0.6733353283204794, 0.0778457448292335, 0.866545369665632, 2.4745683216575163, 0.5753078510399734, 0.3862858985608995, 0.19470683205671727, 0.36355721090258575, 0.4179354510453726, 0.0004729367025452333, 2.8459050335612157, 0.14896387812484174, 4.368304426327426, 0.0067986328422160736, 0.00015403498381870762, 0.1671483912326024, 0.13773911712192008, 0.9547183469166198, 0.32262673019412386, 0.00284458950475307, 0.08902376783627415, 1.3827341573449325, 0.9254767509128191, 2.821725467058141, 0.11688327424398573, 0.00046337500804181057, 0.058637203176036885, 0.0002702976327084964, 0.15756282773598793, 1.0603888669822907, 0.007027401653768921, 0.31798082919983445, 0.6920214906722292, 0.17051544180258918, 2.2076059874452665, 5.734089982172218, 0.8055571689299619, 0.0013323224250176068, 0.39701066059872114, 0.35986481119412744, 0.783985291159836, 0.4982917947304246, 0.00042896996633390544, 0.023909872953201197, 0.016060826315427313, 1.4689901582596623, 3.414994856386449, 2.53845180439523, 0.8760289829454897, 3.8612461075159263, 1.315713684968446, 0.1994706676695262, 6.058522618148994, 0.06211123641964892, 1.500613674491419, 0.10539914393985804, 0.15628483905188764, 3.4354492317139758, 1.3806929543619877, 0.06091499112205877, 1.5406178817025473, 0.08948250040678546, 0.18134099790772512, 2.5344906682641133, 0.4805938359915035, 0.005958534759650392, 0.6326267435008, 0.40892730592758164, 0.8039105361053931, 1.229374911620685, 0.0037206076790791322, 4.155059064740872, 0.04847382785281038, 3.4185319519009587, 0.02527031098571522, 0.4243091483589842, 1.131128190720517, 0.8608188448388321, 0.6809628068793874, 0.19011686706353906, 0.32832715350653713, 0.5970667029048722, 0.6249554181151272, 0.0011154869661659642, 0.8396354914473474, 1.877225409814724, 1.0478166666130175, 0.46941689816136895, 1.1053721555448033, 0.7672803447715144, 1.388633735619466, 0.08949303554241365, 0.834314403881622, 0.1798118341342277, 0.11084011380526108, 1.5743816043682433, 0.9280317223964664, 0.10829977476075642, 0.18989472470641655, 0.47155025125334094, 0.008906696437670121, 0.6068819634505326, 0.019608227504261617, 2.0745435138802852, 4.372430424626788, 0.08380893433348822, 1.1953357996607052, 0.3948536439655921, 3.3096151628251134, 2.442949693725661, 2.1783378568865484, 0.5338172402204043, 1.8520499279041203, 0.029141126422577674, 0.3054255967304882, 0.051146048240497274, 0.4647633716745489, 0.05785048618401207, 3.1396098858588295, 2.528090872523701, 1.2717199358717002, 0.19317296007963197, 0.035532364058657485, 1.721575493971184, 1.5906673126597057, 0.10300394494685475, 0.7673062489883656, 0.13260052381366014, 0.2607352234772878, 3.598926673553831, 0.05992163214013095, 0.06397960411155791, 8.274087493667428, 0.2605208184425548, 0.4080917535364079, 1.1277352782214825, 0.03690106924230729, 3.3015703065513895, 0.2743324556277308, 1.04163208813251, 2.799410569997228, 0.0407126374736645, 2.226440191859078, 0.6073822518048773, 0.3320715175549005, 0.26626982986976494, 2.394800283417422, 0.5577975727332969, 2.9553119169819304, 0.7600878854466366, 5.111267555827683e-05, 0.08667726388982432, 1.1189649404017945, 0.3314860681002536, 1.522726393919204, 0.6726926822328396, 0.2287099666447312, 2.658790953288769, 0.49007982613422624, 0.9080598758440623, 0.4218320372088591, 0.06333492365021397, 0.33519664665863114, 0.03736306816555143, 0.09824777529158081, 0.001311598979971159, 0.32955696603582735, 0.04348352053830105, 0.5906420628654073, 1.6647176587868258, 0.009631440333199393, 0.3003721519370645, 0.017165204081521238, 1.0793532347768975, 0.04002528898065191, 1.7069951409581854, 4.056563566535417, 0.006364402310587795, 1.0857631306032978, 0.5587499920521761, 0.32502225323580874, 0.08939365541794284, 0.02167451038759012, 0.6989780915532564, 0.9454523851168657, 0.0056030249344515195, 0.2514914748018697, 0.5233767542248843, 0.16321431977131728, 2.824938506999326, 0.013281769954639148, 0.48506167758306035, 1.6229141680640873, 0.8698550259878493, 0.004032196005180165, 1.2238805079241017, 0.07604067162080982, 0.3120384516824741, 0.16354803851992342, 1.1560095895323836, 2.572238822323998, 0.08069461264166315, 0.0509060810475906, 1.9921234765047764, 0.1156870350176269, 0.38037274546142924, 1.2277778649941402, 0.06612564127532371, 0.6449319079240737, 0.23060118686360823, 0.19376134470001113, 6.059861788881617, 0.24259517043888457, 1.549620608307654, 0.19332524785868294, 1.2403377728616876, 0.2267587721098901, 4.0235463069414, 2.6238761534509467, 0.00019421784212534147, 2.606862809179817, 0.20052526874701596, 0.5422127638428987, 0.07858728723677623, 0.7697521499988605, 3.4406751533241198, 1.7572735831213462, 0.1788144585951022, 0.2656065500345561, 1.9758320435594656, 0.12893220681769527, 1.4896084225715098, 2.559592512786563, 0.08838373177055048, 0.6618317617668981, 2.272830407376912, 1.825028543006685, 0.45084332806467003, 0.05187716399129687, 1.2023777805601774, 0.8580847436483922, 0.07180490071869532, 1.0366102030247542, 4.73183633790049, 1.3500507508444308, 3.579963885912731, 0.02073577637510309, 0.0006552738854863249, 1.0819120004316594, 0.19063631123583868, 0.3435506976136964, 0.11405611350285275, 0.0024422060935161464, 0.04851148642623313, 0.4362367895290784, 0.36256652996352284, 2.115566323701008, 0.0485890608522939, 0.01816046487058779, 0.24999152816489859, 0.6978483023297621, 0.015628956521264798, 0.2539206364951915, 0.005202607868280685, 2.708949603379645, 0.13646783224399786, 0.08944257080430339, 1.1195383558172618, 3.5980508495694394, 1.423733459474187, 1.6641151987500042, 0.47959507145468594, 0.01639099228162202, 0.580441184404253, 0.9363799258915357, 3.0723832628377825, 0.028889490920466308, 0.03263387306690919, 0.8899192400141855, 0.3381333471470993, 0.7314309869291388, 0.7557505227924195, 0.24923515396498858, 0.4218202847064512, 0.5877975771888467, 1.40422870436806, 0.05414692764641392, 0.09038702539085831, 0.0310636225556321, 0.39047083618227846, 2.005629606605305, 3.1879478879822836, 2.125630143751694, 0.5866997292456977, 0.24889049682403788, 0.06232327337175999, 4.126629813363108, 0.7834425417874742, 2.359111010267695, 0.10695451825436704, 2.593058731544406, 1.1069523001164967, 0.038050058438222, 1.0924163722219074, 0.025237006339172183, 3.4813597479990857, 0.1802524131734071, 0.8685810379103072, 0.5428422823984786, 3.399679553526164, 0.8522708076996501, 0.1240057987437415, 0.7989363592518529, 3.1576621693221916, 0.0902843584820726, 0.00013312625224164712, 0.49039651865160205, 0.07518429754818058, 0.22062409224012933, 3.5295214725368544, 0.3056688009665874, 0.0031544966424998013, 0.29045840502655107, 0.25071393609486375, 7.186698297038512e-05, 0.07780679145982888, 0.7132485622191201, 2.4379154645908026, 0.8176457111248354, 2.028990937477771, 0.03426395887009807, 0.6392899166717333, 2.677493701451255, 3.7097091599905427, 1.871329894314517, 0.32731718239739016, 0.12362692868375585, 0.0421070683761841, 0.22927212324194665, 2.509773098866692, 0.978810077167597, 2.0066284268617602, 4.68702489213223e-05, 0.2890768196894866, 0.23412169441433475, 0.6690286108878525, 0.1924000240873266, 3.9189273719690747, 1.540162622032291, 4.298644898145123, 2.629812718200861, 1.269655026440764, 0.7770868290806144, 2.0621778192480558, 5.676612052283574, 0.20751125562461986, 4.6631605473838045, 2.213353631377321, 3.606377293915006, 0.6713179552211423, 0.013079961026601576, 0.18786105000257225, 0.18785794289497587, 0.8205762717630766, 0.05247822933944164, 0.17165680144614662, 0.43807467778295955, 0.002099956143463248, 2.4964084127095276, 0.11577313495191678, 0.013031221333268063, 2.6444393796239116, 4.099343562291934, 0.0068741225416178355, 1.7755132576127319e-06, 0.4109218879645701, 0.040580273708854926, 0.09600389545682275, 0.4220393113834025, 0.650903532037282, 0.4571043320373612, 0.4897665401584039, 0.845546252779276, 0.07813518703566985, 2.151232076147348, 1.5714811018776964, 0.041826029009385424, 0.2839755812764876, 9.773043535759594, 0.04601885493758952, 3.1567621163434496, 0.3029959050194884, 5.876065642907071, 0.061439434188522414, 0.5341312418054807, 3.7327866406368386, 0.006576848432630129, 1.0692686923341184, 2.8439002011105847, 0.3929438311880178, 2.970523335255584, 2.4504954426815435, 0.003843856693566737, 2.3298964612572974, 1.5123789891131878, 2.078294315548092, 0.015430031993709407, 0.5514029985032455, 0.02657351031577261, 0.02193933831497825, 0.24690233571063916, 0.2298056152326964, 0.9886626383577304, 0.003619942967296132, 1.4682748747606054, 2.5960363363821686, 0.04268050106887372, 0.043715116451140144, 1.3346523825865513, 10.507057267191215, 4.021903137751978, 1.7056465382535388, 1.8501993942914177, 0.8069097627542116, 0.1404677550726348, 3.566292836839955, 2.438102930763076, 0.04673528003105678, 0.752129235554384, 0.5119354057030582, 8.051564469752412e-05, 0.6310357184415001, 1.1818620007872291, 0.42029437611263476, 0.0966890596916228, 1.7543989933484585, 1.107607152476707, 1.4211484202878584, 0.3706654088567505, 0.6458609671127398, 0.2674610769071896, 0.9935334531833432, 4.386497952436975, 1.5636095499702325, 0.010150690264173215, 0.24283998553220212, 0.9709544541600248, 1.9519500129347593, 0.038897412222070986, 2.3580294973505413, 0.03190920865011074, 0.01933672440181181, 0.30297361855693195, 0.7877352694136538, 0.008720608469482562, 2.1982905850169145, 0.13691406984355323, 0.729533569577453, 0.7590692185301342, 0.08247116608167927, 0.037350373898389785, 0.03400679624794714, 0.7549317587551622, 2.5122608880351307, 0.8659022377973928, 0.8786749788830045, 2.5872598601423697, 2.1412637700893327, 0.009656500402032116, 0.21670555585307882, 1.179941510126193, 0.00858551426731266, 0.09410508005928263, 0.12052191902535425, 4.564912237288735, 0.20314957374962367, 0.6075184109742494, 0.03595461070917542, 0.3816940078835675, 0.13240519570404014, 0.005942309875303283, 0.7216338114084513, 4.0074449035298665, 2.3824283757501523, 0.039582468681010945, 2.6975579080635512, 0.004595097822992631, 1.1611599690398164, 0.9559917792982885, 0.03251031680554749, 2.8745020918942386, 0.09489511917016177, 4.914400526350038, 0.22868584801351832, 0.3206834518857596, 0.43622070449608763, 3.4429432366248287, 0.6999934862833022, 0.2890463582604689, 0.027551009847688167, 0.0008534427548054845, 4.9347961673752385, 0.0021615768518367696, 0.2874148381986033, 1.1915521938318085, 0.7619062391813632, 0.19635432744756423, 2.4399083107869255, 1.7052596418190664, 1.388219970227774, 0.6042703599465968, 0.0009954340698684328, 0.03393132548668257, 0.4578267048901246, 0.6148468017340213, 0.024825748776138152, 0.007117879004709695, 1.3558662492378901, 0.04403193841013776, 3.6505569020890913, 0.12441433959178942, 8.902144625987585, 0.00040099453982212965, 0.26693678750962935, 1.07387788504807, 0.9090205588491478, 0.045909876980731436, 0.7446169205406278, 1.0716043359237906, 0.0006260490317948345, 0.12652029890996025, 0.38607676120439094, 0.20298178124179117, 0.4555825139050899, 1.766864731529447, 0.4310124957269976, 0.04208514596031095, 0.8770023166347406, 0.05124317560791645, 0.03870455995607077, 1.0798613490759559, 0.03007493699069241, 0.12218162673170974, 0.022429899776053693, 0.3645048304949668, 0.4521214648620444, 0.013562546304437994, 0.0031444322823770926, 0.10651382988059754, 0.5671044404965897, 1.9700547307213037, 0.2900140685963507, 0.08225650072437017, 1.2804843991599213, 0.680938903595706, 0.23737736621751973, 1.343501895831233, 0.7561830797964874, 0.003096219182455651, 0.0030908493132316404, 0.04284503282930998, 3.561103900584075, 0.2716724390771643, 1.111214732839839, 0.4159438932118896, 0.14882418915345957, 1.4480006790346462, 0.00021266521508758247, 0.020919346226824464, 2.869567089793655, 0.39561419151931676, 0.08768579264648017, 0.3311329214308504, 0.42060274351487326, 0.39660777263607344, 0.018131196531827477, 3.043057437295866, 0.2041739296521899, 0.029960068039047237, 0.4726628351983268, 0.10891097124987521, 0.049582651566476045, 0.03338322966315392, 1.3169110477443742, 1.2799202227630837, 0.3282639762264802, 0.6012742552306238, 2.4683047867656644, 1.7855462204015906, 1.3867608545034587, 3.4075546067892053, 1.5934051193216583, 0.1299144639167417, 3.0233061860091834, 0.03618962265374333, 0.6724198984367192, 1.2908904825479912, 2.5493238346171596, 0.02829859042855891, 1.34772841881303, 2.9500279560673275, 0.15398435007560948, 0.0012753708178797818, 1.163506219877006, 0.018337147357571644, 0.1989452566817145, 1.8587724418713576, 1.1494833316379434, 3.1320361770350416, 3.5607397684195536, 0.40062218277577905, 0.006294125311732002, 0.07598478760946634, 0.017767160607989375, 0.0015818105343184344, 0.1967411124980597, 0.18816206790018017, 0.05982696941467193, 0.06578537576304622, 0.7204085773603868, 0.07181352258048422, 4.450726409749175, 0.7122392158889377, 1.3093785741092034, 0.026861208427054688, 0.12162926705844208, 0.7262754119033774, 0.12294036621052581, 0.10638781858178473, 0.03437526463031053, 0.1807199079989042, 5.038991267604413, 1.7298405611019105, 0.15803509265812163, 5.770965801296793, 3.1625425994498992, 0.0947999839865302, 0.11424603046743363, 1.7932471370217793, 0.24774193316730064, 0.08784267669621801, 0.09068691017799511, 1.1287087618596985, 0.193852342539127, 2.298773614935252, 2.1095998570710455, 1.3140710718726392, 0.028613123932617408, 0.007212113849292418, 0.8438379812483909, 0.0919751124380862, 0.12092642431181852, 0.5580381065427501, 0.03808570343396726, 2.4954536442133026, 0.00457970357667317, 0.1539024374294921, 0.11475215687758829, 0.8329231477595396, 0.5486683492579953, 2.985241478430033, 0.06568779867953026, 2.7069354219995043, 0.04386796622698047, 0.0023553510413560634, 0.7205785963386624, 1.0120726924812191, 0.037953075551170105, 3.606132811175933e-05, 8.420658136680963, 0.0021774808878147196, 0.04570078308390976, 0.5620569790296857, 0.02988280543993631, 1.174649726579556, 0.06924483130286535, 8.040528151632163, 3.6255368955807388, 3.5012019834541572, 0.3729863333561865, 0.1513070284702366, 0.29410522058661653, 1.6873869016680478, 0.7134891195551135, 3.433676496668624, 5.021891437423072, 6.016399297875032, 0.2769258091726093, 0.45073038044775315, 0.5609327773894495, 2.2852785012425905, 0.6771744393886975, 0.5650180147009225, 0.30781199351784566, 0.5534998381249664, 0.4015859243989192, 0.45130931088158927, 0.0015632376974811268, 0.5655585007903027, 0.04835096406746762, 0.2538861352127278, 1.061675106479519, 0.48638051777318436, 0.004142912833819419, 0.1386409684288943, 0.5884185753796112, 1.1383521111606478, 0.10806729625665, 0.08904963669688623, 1.0169110740417513, 0.016311678500043593, 0.004551848172707054, 2.2022672412672146, 0.0031690402417875636, 0.38372380188569605, 0.40290625611641495, 0.009371819086400604, 0.25625801057528663, 2.7865271869083714, 3.3138886884505223, 0.2568037965786562, 5.7429021967466545, 0.693849612683656, 0.07435492465361647, 0.9663545566955475, 0.06813854804309562, 3.196827297209089, 0.03593069681238337, 1.1077225223130662, 5.37235291586389, 0.08685722148744686, 5.944515026997995e-06, 4.235405152200511, 3.3797918920710335, 0.9976389077674136, 3.7164846992226597, 0.011282725103313138, 0.003897612335091367, 0.11169676635271512, 0.8970980377826598, 1.4573742109553627, 3.2369417483182943, 0.5509091394050277, 0.1966755278468392, 0.565025634712434, 2.047297593066942, 0.2959081007802635, 0.1440754515087963, 0.4862298787485288, 0.21988275843447444, 2.7743162354603625, 0.5349954112173642, 5.4080406135214165, 0.18643226950185743, 0.028179304384176367, 0.13351438896285123, 0.3156241493012751, 1.8637417992954932, 0.147612815118524, 0.5778230306966193, 0.08718486519079531, 0.1115121358750837, 1.0703334146872525, 0.4916157012515566, 0.19259334319004204, 1.2735153636082328, 2.8888105227586887, 0.4358072780348356, 2.9820179607582173, 5.114977503568229, 0.8967038947755251, 1.2194344183871295, 0.008360984160107483, 0.0017236485989182778, 0.41839764559909703, 0.9926918281373782, 0.5635135865964218, 0.5348724687249475, 0.8199835122628226, 0.11700110619940836, 0.031243390493513316, 1.211436014004627, 0.0004028198462926328, 0.14890844672960651, 0.03744804159375006, 0.42278401058016807, 0.7049791677010211, 0.18585834562121673, 0.7225831681550148, 0.17490056779418026, 0.10850647383557209, 0.0617170939477629, 0.2851783171544063, 0.23815902527502486, 0.08769751872147447, 0.004707541155985164, 2.9287036482356767, 0.25747424269593355, 2.6282438020795453, 0.004563253874506318, 3.9049124992190385, 0.003959229010127575, 1.4491973004223473, 0.8111055289596177, 0.11228251182938821, 1.012714177381816, 1.6001694218456914, 0.8925430732852195, 1.970254478110646, 2.1350213427775286, 0.2215470127652456, 4.011803553779231, 0.5607845676965538, 0.000883812096790686, 7.7086835996277046, 0.0008535528669129058, 0.6827512490053049, 0.6346548978296422, 0.3382377541875763, 0.44106033083911494, 2.5104964159870766, 1.0638387802226836, 1.9832215851594739, 0.2153454442161107, 0.062207371231888825, 0.71445177192342, 2.097823590196195, 0.5212531448956758, 0.3724322406013908, 0.1876967357384587, 1.5943713190122153, 0.005287642027314176, 0.026684841729805158, 0.007899344729814638, 1.3045692415832237, 0.000253088179021829, 0.4365692803360439, 0.6255361608742801, 3.1306238585050266, 0.8187787778785229, 0.0423905561262194, 0.1300120942542899, 0.5394047940190333, 0.10834613217743369, 0.3068305367905156, 5.758717967138698, 0.2575514388272805, 0.023527119914764447, 0.29319735457923396, 0.05056912124801026, 0.18807418376650373, 1.7328484147810166, 0.1509900022287435, 2.0373283475438604, 1.9705295625190584, 0.011660000381667309, 1.4139353219648803, 0.002517637520199234, 0.9846557347327949, 0.3591440580189026, 0.14784196968495342, 0.5570859673175245, 0.00369685423934737, 0.015527180958786468, 0.05581107564216843, 1.589072275777744, 1.730333045683929, 4.682558341408016, 0.1655610516367424, 0.0073681214386918485, 0.09949886768477036, 0.7036177287757609, 0.7980811336086748, 0.46671836102035696, 0.8033714662524521, 0.35410538486432636, 0.05818417338516515, 0.18948405346846375, 0.1572479189973711, 0.8091897226271181, 0.7023457252625563, 0.19067202369797495, 0.14986171946776883, 2.007652241756594, 6.924050278593254, 2.0954190362670704, 1.198400722339931, 0.7998826567786108, 0.0016684337660326709, 0.16206076208681983, 0.010506388575865151, 1.1268073055672283, 1.424948065768353, 0.08113831608483656, 2.9628047421445483, 0.014490442514059664, 1.8621088175116376, 4.074612890403786, 0.5465126666956656, 0.41903091948463256, 0.20488418668794114, 0.04914521660556165, 0.9933199009064163, 1.6073983495511404, 0.781335280403599, 0.5322072770040069, 0.45977066213775175, 0.6555294731024794, 0.031376551885877485, 0.011366848254905712, 0.45459257642696227, 0.00761094007035036, 0.24815468482158146, 0.0941395661737034, 3.1303494297249914, 2.9351698272255136, 0.3761553058158182, 0.7462954235000744, 0.06450226899657703, 0.16104219161498592, 0.5194612182352862, 0.016283111791579374, 1.2167563879015095, 0.01392584069024368, 0.03391182835768571, 0.000828864205514128, 2.9052727808444936, 0.6033489918429599, 0.020238581953706977, 0.02719168350484823, 0.03772914702450394, 0.41840898744747046, 0.030840968596496536, 4.573621731110157, 3.969873724921204, 3.1259049569594177, 1.0792344998931491, 0.2255479279710477, 2.1595715458815405, 0.6850694786402717, 0.11722780463424436, 0.04235136664775864, 3.124635732413497, 0.001050347785710232, 0.988897398836248, 0.8200804027047065, 1.4296530144939115, 0.010030597617780931, 1.6930052995467995, 0.021695220661870903, 1.9118788307320336, 0.13450389878078717, 0.1729162918714776, 0.3244213116084637, 1.39217052224977, 0.030202784516401123, 1.6104463880376514, 0.11676712350531973, 0.8094011697046215, 0.9647045657471651, 0.06575349953917539, 0.57284224365788, 1.7345245497485124, 0.16271555525435882, 0.5092823607776538, 0.11210544980844353, 1.0030760537871002, 0.139135854921039, 0.12461083160579654, 0.025674583746139217, 0.11467118193221042, 0.9068954415824959, 0.2897566128186396, 1.0202790759936278, 0.0044866338337380875, 1.177037233731898, 0.12995007780093118, 3.8492581827869956, 0.37417231006213736, 0.4234964652977299, 0.0707306447791658, 0.008238410495925637, 0.020933335850214202, 1.9868779213573775, 0.026345687801262715, 0.4384268912543433, 1.213031146339529, 15.24423969902463, 0.7566863096235831, 3.371849527719155, 0.41452389150537594, 0.5990647953239883, 0.2761178457675703, 2.0572453891386355, 0.1760239617084716, 0.5389745035763893, 1.0004861761975798, 0.00937938906191802, 3.2048180836215567, 2.006169707882577, 0.00391684200202525, 5.460544027893195, 0.20972902075253388, 0.007350143734244456, 0.7179004922674391, 0.1351249475679413, 0.8733799731935381, 0.2153897831000237, 0.23567923461640866, 0.5122919671102387, 0.21126151560669737, 1.0616796517687135, 0.3450031218955012, 0.36885115149227615, 0.2476786812510222, 2.25208049459237, 0.9863150611693774, 4.634844612827073, 0.7090689418833308, 17.041334782319204, 2.5963606238619987, 1.6420456165509039, 7.001651538333171, 1.2806058264273872, 1.772942039906906, 0.042612833801612016, 3.818488818595028, 8.458413744225862, 0.47221222811265195, 1.032345407791559, 1.6971069232171205, 1.524504378721821, 1.6122108226773522, 0.10752952958780258, 1.0026433552120664, 0.06456377478509878, 0.4156118810917068, 0.249642239892233, 0.10171484021024597, 0.10017233686852912, 1.1328614584615797, 4.832824597093991, 2.8331498861077966, 0.9197528426184816, 0.9811138174226841, 0.06544397432289378, 0.5353278174668464, 0.9146885901630691, 1.1325881990027316, 1.3222399956174158, 0.11537918382537517, 0.17652087395549218, 2.8663470621335088, 2.022714013698884, 0.7467195263042357, 0.0913023327226476, 0.11744824641019176, 2.380658723595794, 0.10200967721691258, 0.33150687216180186, 0.03472914528467907, 0.21151862797597232, 0.4862269582388589, 5.049504546840994, 0.0035708753905780983, 0.04960362588140368, 0.44951121977114333, 0.6283919677998053, 0.9485028628142494, 2.5009631114152002, 0.7555328392665792, 1.3898529224548333, 0.4501016210213422, 0.13234639762574063, 0.010558506044831023, 0.4088306251747042, 0.0761254309891783, 0.922858483210919, 1.1542453786979214, 1.9772874428937472, 0.16540176096016315, 0.16028901141488627, 5.205609909892498, 0.9058374019317205, 0.15510840337448933, 1.1905661640070695, 0.0238610358366177, 1.5299320182605316, 1.0502509656707386, 0.24534985828280934, 0.5639073420535439, 0.10782753325358733, 1.0511955137378517, 0.13764026371879418, 0.6446225638608091, 0.7140934920754883, 1.2413996335523187, 0.7617123658108058, 0.272255153614209, 1.8715090868029691, 0.32212387141758064, 0.04020261151577774, 0.20469357143623707, 0.45732563716436136, 0.0023165936300682034, 0.03913034155043821, 0.06829771961550234, 1.349140409234159, 0.17383115908321892, 1.243689843329044, 3.192087282621701, 0.0005120934968309908, 0.2903943583146699, 0.05616495490947024, 0.21681442523612443, 6.559802791056538, 0.2704308749323915, 0.0026583709094888147, 0.061893263123297515, 2.05161889408981, 8.500785605523324, 1.5558381819001699, 3.402926447320912, 5.134294277568739, 0.4799474584517342, 1.0194522661447603, 4.398824739594533, 10.387119911305584, 0.2955364116131815, 0.11970946905661836, 1.588088285048188, 5.91111102919031, 1.8827047604254112, 1.7709381612985633, 2.6097898678511693, 0.5276599190614147, 0.3842942533210086, 1.886740940965212, 0.6375667797750441, 0.005350032525021249, 3.977334318034007, 0.0017397533187793388, 0.004311433167110716, 0.5752334305787796, 0.262820690096281, 0.0018414968921413686, 0.1670313290702524, 2.2022012513756013, 0.10011846619463126, 2.0136264677626707, 0.8974533133755551, 0.15325588029162882, 0.08318461351687452, 0.00480687240664554, 0.3022744371438133, 0.048247746196688875, 1.0972122105302697, 0.2934457987719859, 0.0787747596643211, 1.4906695269068482, 0.18770677608047648, 0.025541101487652908, 1.774499110526222, 1.7946066085415182, 0.010767302355664098, 0.1474250010218708, 0.8205477812129247, 0.003790245741298869, 0.06924674199601374, 0.28980636719185776, 4.253121612128446e-05, 0.5380601207746758, 7.460777729181683, 0.17758519968571082, 0.750813655335542, 3.339049820714197, 0.3416437442570217, 0.6971549790879539, 0.002064639860794356, 0.48812595207682913, 0.0286839055621361, 0.04040542931369726, 0.634256924286854, 0.3603952467817637, 2.0184064175213985, 0.011524180076438592, 1.1764492683341157, 0.47323973964179095, 0.019187991393596806, 4.913730929970493, 1.0544499966829297, 3.8324323484245957, 0.40214175904607, 0.7335684913663436, 1.046746260010203, 0.8301121909573714, 0.3664814438302436, 0.05475815295025592, 0.0005705901700269602, 0.43304054358223504, 2.6283619093507444, 0.7753620941056849, 2.693439272801628, 0.9675469532796833, 0.05992736972508059, 0.5295098338409029, 3.537201717678155, 0.7657208798405548, 0.19998267950317364, 4.102126055666375, 0.28312411587378933, 0.5960694960760977, 0.006774631294510522, 1.6469294433711066, 0.6941714970132605, 1.8573765488974348, 0.06076947896231609, 0.5919933756456184, 0.42520450380273944, 0.0006555151725535677, 0.0651827496802263, 0.011696968722721555, 0.0014019109784720392, 1.3077703522708213, 0.3610282030388903, 0.0046109167183529445, 1.9921069020507722, 0.005877643237453851, 3.437344033987829e-05, 1.1992364673153242, 0.0009113454894135939, 0.9698584915838402, 0.11369876619659096, 2.285637251799256, 6.140148026021815, 0.14387188735133274, 0.9119123607242042, 3.035201253884014, 0.22096664454292864, 1.8541590026217123, 1.3717062638283002, 1.7586488604359511, 0.13992791196817764, 0.7721269488077691, 3.6196125398323096, 0.8072906789669835, 0.005152764500288654, 0.14011421628585943, 5.854699587652459, 3.684104512167917, 1.7657078217358733, 0.8630974189306635, 0.1784299225746882, 0.033190933774185104, 0.0034467973318122384, 0.9687843017390774, 0.09098179207384338, 0.1917670067888711, 2.0221463726006683, 0.1154773134277695, 3.939221395763903, 1.808634690306246, 0.02397976144862005, 0.9461496868541821, 0.5582261611225632, 0.1290401059572377, 0.13152005410535844, 0.014934019117233611, 0.3305944567899519, 0.4088807692471147, 0.07884303646095445, 0.039322526652893326, 0.29240533199274366, 0.6894073997224048, 0.002421444141739415, 0.2683245959004934, 0.11697772495461392, 0.0009096699152880916, 2.311799694137282, 1.6540161610028352, 2.6915775548821137, 0.7887251310426793, 2.831851579407886, 0.1488430671907885, 0.49457592239643233, 2.0528702012656614, 0.747443038612566, 0.9239801620803525, 0.4160408686475339, 1.0032539861968874, 0.21319454154995582, 1.7524593591114916, 0.07394148015242648, 0.806103400575697, 0.006612362186250143, 1.3572821348736226, 0.28312078653564504, 5.403456754215088, 0.024546516288239336, 1.0972926098123708, 0.5518668132349067, 3.270205344829735, 0.18716632547736614, 0.9175165157466677, 0.026685900934694223, 0.06893335115855016, 0.21034274391200872, 3.0429427116516528, 0.5471764955739105, 0.28111968227172174, 2.782068696976638e-05, 0.007581379037303474, 3.139424155463241, 0.04900271683971929, 0.2172737642367579, 0.4109896487214493, 0.8369815070161571, 1.3063740225424483, 0.3010079288524056, 0.14841098348455872, 0.04377319207581358, 0.00012839959706547298, 0.16393757848850365, 0.6499923408986206, 6.684180395492781, 1.043708619732962, 0.3328308911387201, 2.3738046238532386, 0.006725428572577369, 2.0324764696025523, 0.6451381364834194, 0.5690270632804879, 0.10189131882624546, 4.488223068143008, 1.3201890406992538, 0.40753283344906155, 0.015056195935538521, 0.6213106081605579, 0.11957919300335292, 0.03216519043093687, 0.0003201534568371208, 0.044691741761526224, 0.14587139593999304, 1.0569349788086095, 2.4840557209745568e-05, 0.8803410929357123, 4.907484159746491, 0.0200203697130339, 0.00830822083642508, 0.231573229150364, 0.14851276514868123, 2.8817693523462737, 0.17617005181240752, 1.2239119891658363, 0.5404757606995847, 2.1994764729977176, 1.966837655229345, 1.2221669087987772, 1.397372417424157, 1.4287479503365013, 1.3323277869416148, 0.6941706150185861, 2.0111675279133348, 0.6847456994776929, 0.8038723725033775, 0.5209591721456339, 0.019785312650551733, 0.9768817192442274, 0.1230450343469903, 0.3503305965505003, 2.568405831171017, 0.06222308761111833, 0.2282216203432262, 1.522078501848485, 0.08145263285960802, 2.0692284578213194, 2.214980903888547, 0.38240910378653237, 0.006755992746467154, 0.33507862288631096, 0.9752004161634411, 0.01316007636228127, 0.013561180124222732, 4.6303698195396885, 0.005482147000580523, 0.011474162515738762, 0.6725277519956736, 0.4957087902414016, 0.1667612669118877, 0.0676629789796492, 0.03584388923043182, 3.122387650395663, 2.06562513102102, 2.6237211630749786, 1.867586874659147, 0.04330121588880111, 1.406622260221243, 0.9170972540943969, 0.3521428936821099, 0.6654484887980956, 0.07910400912994921, 3.244463920062992, 2.746687589078373, 0.0002078135375155604, 0.28954664337602126, 0.7412629236561588, 0.30914426533334805, 5.800278778993495, 0.018319921854338735, 0.7470571895141476, 0.9772696567245693, 0.016319285450429117, 2.8159328819731435, 0.37639879165122014, 0.005684433408223675, 7.254019629164858, 4.783884380841027, 0.7072020919319415, 0.023346645179426858, 1.5189762100517419, 2.0980986767885947, 0.0014077975619784114, 1.979636075443779, 0.11256237826832048, 1.5916598340141286, 1.3784833665272542, 0.5546806129101707, 0.45815245416273326, 0.43616212948193483, 3.6007477972240323, 0.3727309720715466, 3.862739695703565, 0.32954604450804653, 0.6483655417329917, 0.06791357303593556, 1.2160228758387044, 1.604966899175243, 0.05473286004891439, 0.08632108663299672, 0.11359019030053288, 1.0210763041439448, 0.18970576555374766, 0.15081004007681456, 0.4133885376744257, 1.4013068443339791, 0.3182771213782732, 0.5326598931851813, 0.671086514741101, 0.5881775617376005, 0.5436700463750419, 0.014681018441636813, 0.018927250634358593, 0.5375682927845251, 0.24907276308614162, 0.509089456726336, 1.2463742647537237, 0.4127994858849491, 0.15783488024655284, 1.1677310845364237, 0.09114287425861646, 1.0469255051817352, 1.0215966695385967, 0.14749037730064, 0.20529628327360033, 2.269484755303797, 0.013361893736263586, 1.040430512179063, 0.07023909497612775, 0.010304910532393158, 0.26075832284751044, 0.27858059421992165, 0.027291775910306508, 0.22988198791199846, 0.47258954381129537, 0.3968440512170316, 0.5221547772326239, 0.32090905478029796, 0.07169571427000938, 1.343739708672362, 0.2760381513663242, 1.937526865376237, 0.32200426482512623, 1.6032838339229802, 0.1799446311002979, 0.002898453954198865, 0.05274701741091551, 1.7263260035496888, 0.29100320342120345, 0.4644909701347406, 0.027506535382890752, 0.16633623118793708, 0.0006607820551312118, 0.25200441277255614, 0.12854000523689404, 0.09516553640484895, 0.048790355110115195, 0.6305482352365318, 7.026380882858304, 0.39049747843906135, 0.3670025534995675, 0.2584193359359753, 4.056192020025786, 3.0116756737950756, 0.3307484992104852, 0.0003629424881777333, 2.751605235424125, 0.1550722915763738, 0.2578688414219618, 1.5870333968484953, 0.41221889232286496, 0.9848464865679161, 1.4819876678607213, 0.09126911065227467, 1.8053823223572043, 0.16646729198555385, 0.25903464549702737, 2.738756740264457, 0.2389142394924757, 0.9725766461228584, 0.4254147346690717, 0.4406906142515624, 1.7916289841919217, 2.0659512364470807, 0.2025097732707119, 1.1480872834159885, 1.334881862755888, 0.25913715933866277, 0.48244240032689933, 1.5230880848920842, 1.6813447254560003, 4.162180264796363, 1.7171254708903947, 2.0090302678081784, 0.5210337947302421, 0.0022616911207724295, 0.0272879696594842, 0.787840210668854, 2.09732946042477, 0.21961528117334014, 0.0035179354892936085, 2.2400443598514, 0.11769944370271868, 0.003956141584403393, 2.3332931451288537, 0.36491007971331296, 0.9512964746423996, 7.026040052145898, 0.7115480011859835, 0.5339537142247878, 0.9014919521688608, 0.5537821654975768, 0.5093950764684578, 0.048253544495278036, 1.0302466347435384, 0.14069534704516018, 0.20667961818152067, 3.3567102974196317, 1.2769635561821526, 0.058803305917846604, 0.04857622098669028, 0.1983397706278327, 0.7259801116168507, 1.573348127583126, 0.005420489065771323, 0.038678589273756656, 9.071580525445357, 0.4458366812797754, 0.10855057366150148, 0.6838449830610017, 1.1487214732123459, 0.04601568044901681, 0.020235968669292254, 1.787160407976764, 0.3046867801438289, 1.1230174898529168, 0.2273707187114816, 0.020577752004143815, 2.8259235277716153, 0.09892497124815522, 0.23465636644797463, 0.05784991093026555, 0.19924419513159314, 0.18672684937031392, 0.8338172275709138, 0.5202408950752542, 1.795388214356747, 0.5852337742445506, 4.1721473810325715, 0.03204976304601441, 0.01866542438195909, 0.1228703178333597, 0.09350827791627107, 0.18367569051625884, 0.5200484049480685, 1.5931102519781524, 0.13407779800244404, 0.10439994120319233, 0.0068590748042385834, 0.5533530947043831, 3.5729679460853667, 0.0057688961263495505, 1.7769317417541517, 0.21440822104025645, 0.41648802850354205, 0.4627231906458615, 2.6091337996840065, 0.4632112457100758, 0.040118696431179456, 0.006808116068915799, 1.2763938426752066, 0.0261696413273716, 1.7749105112980852, 1.6192469176932194, 0.37695044279458817, 1.2743828976146787, 0.608160166159688, 1.3156902864556472, 3.313593277303003, 0.15542311116507246, 0.2446497481932048, 0.6594518449741774, 0.01745428113864359, 0.002021808470583397, 0.0015045416135439922, 0.1766899548185679, 0.19481213227322935, 1.2638549522244342, 1.3427542081024675, 1.439495369653221, 1.835585777841581, 0.004889513595911065, 0.007997245721022672, 1.1740765434197213, 0.2998758777630274, 0.0016329323629596043, 1.931161135850394, 0.3152093010672552, 0.9797774576187265, 1.4005567845549507, 0.1698251119525489, 0.5557002435236758, 0.16821983250212727, 0.610891224628624, 5.562175444916063, 8.870694656022933e-06, 0.09167785362419721, 0.8997254705837714, 0.9135373583576503, 0.0002551335792438903, 3.029113980026833, 1.1105367719784005, 1.2185485648712011, 2.9824910828003013, 0.6171679795972318, 1.7975291279071863, 0.17550460701052858, 0.6186483436791174, 0.19880127192975422, 2.0646750623083547, 0.15726133347091914, 0.0322767716980647, 0.00576184848399634, 1.2053396370467941, 0.044619198996407046, 4.8988503685771745, 0.5616808089344459, 0.16591810443724625, 0.0577605608809136, 0.6932512451350115, 0.2804567528726839, 2.6214336905541162, 0.23528271265774936, 0.036658091804003416, 0.10578057169362563, 4.100595802187777, 1.4498751182306291e-05, 1.7390634673297887, 0.13194603090417287, 0.3609508061897541, 1.1372291888919794, 6.393716827033477, 0.9743184059234834, 0.21905215289200122, 0.620363698500281, 0.158510409031687, 0.04880523683446051, 0.16014590203489884, 2.725894489347521, 0.001068584465141585, 0.12188137125034641, 0.09653149978795593, 0.25305132693038834, 1.7299908924759244, 2.1132923419374894, 0.1110910940881996, 1.9005358709665519, 0.2109748008083919, 1.825288556195268, 0.053453294962502625, 4.273649116815694, 0.975104295525873, 0.047299102895619526, 0.49142109795235484, 9.306491126479376, 0.5144429733148772, 0.0243089607570547, 0.14635929701244596, 3.377523141420581, 0.2450420014458503, 0.1403428667409339, 0.9747103712351902, 0.9659442714203622, 0.40080098913357176, 0.45948909711731095, 0.04724691612463886, 1.4507095918406525, 0.581920804326785, 2.558614385745574, 0.14882424180251205, 0.8334318375360514, 2.1005628166448544, 0.16820683019542979, 0.27447505194221317, 0.09433012502316718, 10.566983685624013, 1.3337539647399372, 0.09602711024096784, 0.7576725247913806, 0.024062155842388116, 0.7238949858166689, 0.00016422878078857687, 0.38939358267134333, 0.00031967375675657426, 1.524823707801801, 2.4603022428243304, 5.185030070585313, 0.46321765986205227, 0.10224022287657498, 0.2086827839373746, 0.03999643843041373, 0.5656377077695602, 0.391465064718031, 2.652832971016773, 2.5774019613795773, 0.07942189658515277, 1.433917067008703, 0.9828677265319355, 1.1577484763579724, 0.27714604299604545, 0.04116295527622071, 0.13053427148320018, 1.0913432750689431, 0.17966630184130403, 0.08683400881161504, 0.8930728058044793, 2.174371601547019, 1.2690051708932117, 0.022119193737905003, 0.43986492006162653, 1.1213799316169117, 0.9360435786457676, 0.12223051502476773, 0.5976668940449535, 0.715776572755174, 3.30651261444791, 0.14949946976991393, 2.8250227654544284, 0.9862629900449935, 0.1445383079817077, 0.014840887379435234, 1.5373306822714508, 0.29323539016971945, 3.1624603678402984e-08, 0.6861847345758332, 1.9326973409266872, 0.6774277158840278, 2.60525192406925, 0.890197515375677, 2.670668153354713, 1.905410917278189, 2.129524538146212, 1.0083661510129072, 0.17000983059547475, 1.0538591843189837, 0.031212279942968924, 1.0481372261702113, 0.5051042380239658, 0.6649924800462984, 0.5560677804731932, 0.10468078166745982, 0.10224553055815645, 2.1133917466908865, 0.24475170539289906, 0.05027456855457296, 0.8814446779596733, 0.07182331997797346, 0.007857367248057415, 0.9030802106259193, 0.49601212553493673, 4.125622787312571, 5.292345920830999, 3.576728657082822, 0.7741404025933174, 1.040810595655105, 2.3264672990500026, 0.2703211370470874, 0.0015926677911983875, 0.231838453268373, 6.4788338442040425, 0.9921770420730942, 0.04428138158736852, 0.005181198614160035, 0.18246709666317562, 0.0034801715366938957, 4.532106329432644, 0.23550092665874794, 0.05971455349230961, 1.1535079291005481, 0.003163101436653718, 0.0343325427052766, 0.05295345785847942, 1.2916283404590057, 0.6388295824868399, 0.26967233608397206, 0.21349105713059277, 0.006109307971176895, 0.44247237208116164, 0.44019322137908584, 0.9834683292696079, 2.0635419127258916, 0.06943323293005049, 2.6543923950667176, 0.1777751565557996, 3.041016686122021, 0.35861121388921263, 2.9078038834399114e-05, 4.558352155280735, 1.114074876650913, 0.049194987495514195, 0.27091775092724185, 0.21388906560061804, 1.8197549183139539, 1.920836784910157e-05, 4.456847694733343, 0.2545990941914889, 0.008317158124753463, 0.0012795529457602566, 0.14577858213747671, 4.212016072375644, 3.0818230216199525, 0.9934732487372034, 1.3918149952592958, 0.04183036957003707, 0.7258947874879299, 0.0038738929268794502, 0.2556256589783543, 0.035473586280519574, 0.3075192495886405, 0.32379357197174746, 0.023972582328145677, 5.869332711292431, 0.11120907605721236, 2.4747652894503763e-05, 1.2502971883089102, 4.075246262490789, 0.002226693139473942, 0.0018761154687093613, 0.9012424284724734, 0.4086741146423894, 0.004489463135786984, 0.02673605083637799, 5.421750553481491, 1.0849489389198232, 0.0031815583041612944, 0.058841731545160925, 1.0280104158461014, 0.15075429305164093, 0.15753421351678704, 3.22784394030295, 0.08068864183425231, 0.8296266049541525, 2.0766500179677627, 1.8326879600905839, 0.025915974590791938, 0.02459217457297755, 0.11041146533468449, 0.11076302694486598, 0.003117604011532366, 3.179061063983349, 3.4842440168342255, 0.029587205326475994, 0.8427010508295032, 0.8236633136435171, 0.06140543202198901, 0.5274185873207965, 0.004549233564263356, 3.117546355046235, 0.027889867328276016, 1.412889963011567, 1.003387997999436, 0.28191637542787457, 4.695522243703495, 1.2365876968549199, 0.12040129610496246, 0.0050515180066824155, 3.8337093568513336, 0.2049997430117438, 0.1289223926149168, 1.2203007796106733, 3.027442523946859, 0.31055223565859064, 0.21165522021265304, 5.368224658989055, 0.19831853502201333, 3.1026534606085954, 0.31488306654477394, 1.08582672505001, 2.4892380364064906, 0.5264846238945349, 0.9178738297583968, 0.9877392800765343, 0.35355121046771554, 1.0735356390650914, 1.7485040535454237, 0.031913832608706574, 0.04971328022086943, 2.471739996073406, 4.417475239211932, 0.6667499032703664, 0.13392164464507783, 0.11219006370857895, 2.09478404705908, 0.35896907076900114, 0.03649564738681199, 0.3274950625267998, 2.0937412379186657, 1.012006687413715, 1.4443678348943287, 0.09524781714506923, 0.11016606348947391, 1.5373885060554193, 0.010442605726651106, 1.3837477393496396, 3.287110246947518, 0.6180130824359253, 1.1394755717594054, 1.2857488513764679, 3.4897160504056886, 0.10089085482538705, 1.9277412829802902, 0.7710847955337594, 3.2652578442884735e-05, 1.2663287367930527, 0.06965159263146332, 0.9651125735634972, 0.4689308098937417, 0.2538985763153103, 0.1134726607955965, 1.7403643725176425, 0.7194066240285347, 0.5190842323901429, 2.6237079964044954, 1.4074131804200214, 2.0917237916013756, 0.065496587941283, 0.1430461660388758, 0.22483980976728224, 2.573353170002105, 0.37920393850840783, 0.03968724991049506, 0.6809411961536816, 0.36568647303508117, 0.8215893283359876, 0.14841688759847957, 0.2026828174128308, 3.1785424347287146, 0.12457124226308969, 1.2103450844160113, 0.0006814036814043053, 5.517853739669419, 0.03583638648136638, 1.4406847909618659, 2.0165208808076382, 0.04663095056296352, 1.1039582204802845, 1.6864856487437823, 16.95020283876618, 1.092554420967947, 0.003548535627536676, 2.608651204635644, 5.377411608355649, 0.9295909993877637, 3.9658737744341317, 0.01812597770229489, 1.1179347170463096, 1.301430546994331, 1.4426192033230796e-05, 0.8159683291104659, 0.9352052838435525, 0.33889617639461866, 0.11971270607204099, 0.012537109775221916, 0.014357504231410257, 0.0001131426245284978, 0.0037551137553333037, 0.027397431246386973, 0.14751841757442052, 0.14796072024724, 0.7807414278445983, 0.16435895502391334, 0.5159129206580829, 0.232140772863696, 0.6330318595386171, 3.551952590782096, 1.9473246610859565, 1.3961045112238168, 0.27061027047464165, 0.40648849489295413, 0.5298404024964833, 2.4620785798215516, 0.14860497042096274, 0.5302001116224692, 1.7653682891231361, 2.8559546388042585, 0.45140755589059495, 1.9328350254522628, 0.08090547415219915, 0.02882449405613967, 0.04569679497421311, 0.11472430210259943, 1.2387856111501694, 1.0374725317464306, 5.846530186307421, 0.5863807682629314, 9.33640031774718, 0.9580045978438442, 0.17506432270702835, 0.9071533042038802, 1.363705556364655, 0.26760959138991197, 0.045515972364339234, 0.1440882509263475, 0.997940086209653, 0.019428163948424903, 0.7523781328431226, 5.041825845595659, 0.7551473904567927, 2.114260967273885, 0.2553105241362154, 0.24496855732358994, 2.2426961299046866, 0.1238897596336766, 0.18981939427400873, 0.27007497623126514, 0.3317311541096046, 1.0509165311735713, 0.05010351937469937, 1.4063325672994147, 0.07942718648049542, 1.59577853453335, 0.8130142974867476, 2.7215212750499935, 0.03455531162058759, 0.011708444398013195, 0.015714577782299538, 0.1701011955149562, 1.1659222494894212, 0.740157995301145, 3.538437882684548, 3.568418605568607, 0.01296113701366425, 0.3374177409033847, 0.08707841469849911, 0.060666019339849005, 1.2300016794782918, 2.425382977606321, 0.9369213786314026, 1.114722417833378, 0.9647554856317693, 0.3472612170879882, 2.458909907272114, 2.868922081908579, 0.07100901747725975, 0.03145710422348406, 3.976408268890449, 0.07855929807056285, 0.7251399424806916, 0.7922559652463314, 1.5320587805632024, 2.689958047648787, 0.47959028591402336, 2.18475905891508, 1.680069433300091, 1.1832731316729055, 0.0418270463589867, 0.014438825233208481, 1.218127166151963, 0.4790075855117592, 1.782804482605708, 0.188396552499392, 0.08508158234467268, 0.7090495971260937, 0.00424342460374347, 0.16129336486212448, 0.1452419048077994, 0.005170539951105354, 0.6871854305907743, 4.584539904965075, 3.734265607398021e-05, 0.001207272641456663, 0.41849447332995887, 1.3839191610064496, 0.05198780079759475, 0.2129549860104697, 2.609909559978037, 0.14290814116952852, 0.20555312254005176, 3.209224503240806, 0.6008085028281714, 1.6362760547003266, 0.425445712531008, 3.1638106633538037, 0.020145923311604193, 0.6265667023401126, 0.00636540826343016, 0.06273595204994543, 1.4407296521727535, 2.2278457944649293, 0.36390320479642096, 0.04464068817677912, 0.9082042051223078, 0.09969756015832498, 0.6320392765899558, 0.8530677593619302, 0.6768893381079477, 0.05352343172396424, 3.3747770512532145, 0.41063007693148007, 0.17008454455766706, 0.10110133262168412, 1.2247841832602893, 2.0506573797011445, 0.0008209952217560302, 0.7053799242656016, 1.0437495271154107, 0.2975833593907915, 0.003108257286825384, 1.8261471757396612, 0.029022692611269083, 0.2565756650431853, 0.9752820498211466, 1.2417493783445164, 2.7261864507419507, 0.3343893199350595, 0.46116309842744435, 0.9332324476418632, 0.3095258500235144, 0.9691999027610388, 0.5356789023609324, 0.043446407610164973, 0.019663285322464846, 0.16978272882664638, 0.024918774530948255, 0.026826464574467204, 0.006787404005969431, 1.6767565665756539, 0.25609200021214706, 0.08261292764145753, 0.3194363693391108, 1.0841730062731791, 0.004431498367322236, 0.9099736088087025, 0.5570765794335337, 1.1827840698572418, 0.014086196346425389, 3.466947652706166, 0.34484868554447157, 0.4559825516948632, 2.7185237892053427, 3.1872780186270004, 0.23719166439074257, 0.004817617956878426, 0.7457119388485598, 4.239066212451403, 0.6459440088398429, 0.5674897580334274, 0.09964180475411517, 1.887637537909183, 0.144521350873138, 3.566255646915464, 1.6462957951452775, 0.21088028506585635, 3.7974369647163324, 0.09157210925696485, 0.013927163778446208, 0.01129810254879147, 1.9735553235830412, 1.028244255163961, 0.4591125543595799, 0.010030837361657606, 0.09334385165879144, 1.7975159242047785, 2.8774281803596287, 0.2784844541090806, 3.9993668669229225, 2.64061661191737, 0.08441124645340482, 1.111462541671186, 3.536379503312426, 0.4902021830648364, 2.081759177765501, 0.051800781302782845, 1.3344832233253212, 0.4374053626685053, 0.42729375559256977, 0.09792107788008574, 0.006205027141743321, 0.015277976330751553, 0.07340612652365966, 0.07670362055303391, 2.8419074452039323, 0.003167546665498213, 2.476614840390474, 0.4612339215456878, 0.6070835665094664, 0.05912639176017639, 2.0117534730871833, 0.36232329496879523, 1.338048928310216, 8.371519177546753, 0.021619501237775392, 0.3073807551732951, 0.11773855225930772, 5.173603718941299e-05, 2.933334572075876, 1.5688186561113857, 0.05548943214773614, 0.5574205575928699, 0.9439397871802833, 1.7480998449759078, 0.29835821620482206, 1.7265514165847493, 0.29550431622729983, 0.0004216421138710973, 1.2270865737264631, 1.0123822704101273, 1.6278633027370586, 0.01986625948446063, 2.2272486871148565, 0.04782894857336766, 0.34693808135537335, 2.939449924529584, 0.013923114498260792, 1.3819663141364582, 0.43719000814844006, 0.008713485674217532, 2.723504667220458, 0.016995193080197587, 1.2863949658230824, 4.673308599789169, 0.0022008035696248988, 0.08517959986268349, 1.178854251070426, 2.2182221551504253, 0.3820834002657266, 0.3232720492436701, 3.86935908759495, 0.8174635123848011, 0.8265436302612947, 5.920555536620118, 1.114619244565812, 0.014543027463810297, 0.16161722882618126, 0.42634257405150217, 1.1530543810998861, 0.931511221487736, 0.2279425076726789, 0.788347466807145, 2.858685925560662, 0.34007349509015167, 1.5638514939906405, 0.03741381428585712, 1.7939065032151038, 0.270629136976867, 6.07445488050025, 10.641691402658333, 0.11558993962744472, 0.35645439217009844, 0.5957817716162797, 0.33172528654155226, 0.12313218440039754, 0.00331933721554518, 0.7309859456211195, 0.0003282763262181686, 0.932095586657541, 1.5829161448087927, 3.6511634499347436, 4.588385852160819, 0.48042292017145344, 0.004919663149973802, 0.5958703764300535, 0.564290401680528, 1.0213494369979106, 0.20113571172825584, 0.08177664537930096, 0.5231708009196964, 0.012341192647947771, 1.2699863486714549, 0.1141427325860463, 0.0010486536201339285, 5.9092574649800085e-05, 0.047439522827590556, 0.042125649147977194, 0.23457625364754045, 2.013619025502981, 0.20553618768107268, 1.6944770186639933, 0.006469393707370503, 1.7205590091784246, 2.2488662692317987, 0.08630081428454589, 2.508441382814, 4.972939700596345, 0.23645705366627126, 0.4101583880817442, 4.3444685179171465, 1.686721084182835, 0.6380230677689226, 0.34846063652056636, 0.3450719953311178, 0.00036008074991212646, 0.004207954649293347, 0.09869402418945339, 0.08752113724201899, 0.6314066365423437, 4.025633830057973, 0.007807725455526991, 2.839399564678542, 0.08599604919870496, 0.20172145627180518, 0.05386449717850441, 3.594876555000237, 0.0002238104988417786, 4.266410088193331e-06, 0.07894686160668139, 2.226159053502586, 0.011652894687294708, 3.3530494073469734, 2.1874430453549607, 0.03937444083563811, 2.845286023642119, 0.9474049858701283, 1.3950301686556899, 0.13954232208636114, 2.4950299656728467, 0.0574990266964603, 0.3908733915734312, 0.19389137135268333, 0.010588109452953841, 0.604402291989167, 0.13596034207833105, 0.20997327371348048, 2.943068992429657, 0.15135567803651984, 1.6647228792119655, 2.976518853763087, 0.01614464210474824, 0.21490028072165507, 0.004203219036911893, 0.25195661093304694, 0.03700544928762315, 0.11701907310849943, 1.499413332216611, 0.0057239980524229584, 0.01009188646291263, 0.4442037301924039, 0.7606932842282824, 0.5249171274204472, 1.2157046197368147, 1.2090477285081966, 0.0006492226196632348, 0.05296855414326802, 1.2147544189248516, 1.01923132193595, 0.03378543497877375, 0.9207982968376658, 0.0010828548823324064, 0.4394689993796954, 0.9487865309830629, 0.28248255954094054, 0.9723745124373793, 0.13854915925068176, 1.101265860794553, 1.262499983013833, 1.6712092904157485, 1.7570928772541725, 0.20567448555216317, 0.5608099732271757, 0.8077005962618986, 0.8960618996889408, 2.1943358174204035, 1.1343951363698324, 2.9089758105094616, 0.5437780164202105, 1.9825771550557065, 0.2811037022967889, 3.588114335926652, 1.8457415412091633, 0.00010768645427051487, 1.0657265664972675, 0.3664070282672257, 1.3503477552589487, 0.33451778277336325, 3.47566754191395, 0.10736687794905174, 0.7397862285606386, 3.6045776506103695, 0.394451961366234, 0.09929358108844263, 0.43736104824246325, 0.07460937033027423, 1.5005751864822756, 0.07023871344027656, 0.09125358636402607, 0.1771267905343439, 0.3475248208194569, 0.000141115527380269, 0.07576838320771385, 0.5961292537982239, 0.009145413039668513, 2.0920016400879855, 0.23812324300048127, 0.024306304860680483, 5.170637770244676, 4.52851048211645, 0.6084136780950754, 0.9364304817997277, 0.12102964794435798, 1.3819407172359164, 0.11555242120544228, 0.03918429071716873, 1.5749163784335658, 0.0008496220214786961, 0.8330131732403885, 0.5376082735542357, 0.6981699258804785, 0.6573427007798958, 0.37474834995528056, 0.14031414912992257, 0.13546958310812168, 0.43422184418709847, 0.40721458516193093, 0.13994487778323056, 0.966489625362604, 0.6986821917365872, 0.6229419646759132, 2.442521786766527, 0.010985366479954161, 2.277835815870114, 0.2708135183106614, 0.009978135247482978, 3.2549515211281577, 2.3108762911422907, 1.3499772212446846, 0.01545319105865743, 0.020485038096108316, 0.30070796507199565, 0.24815748273118765, 0.3914042726631229, 0.37479513482776, 3.606607233827574, 1.7058803005112126, 0.9026795902265909, 0.9924401623235481, 0.0005566468387646135, 0.013781638396497785, 0.17994767908796916, 0.5122213126495168, 0.018164171675109617, 0.07627681855273678, 0.06896618953678124, 5.845231622241987, 1.2648326271388686, 0.09319382694473761, 0.2645583350575241, 0.006027247734229765, 0.008733294639099106, 0.19995827269571223, 0.4408479957382147, 0.5486731958748681, 0.0012986774599779653, 0.3876013579233634, 4.006003771705172, 0.6768890149573634, 0.5822522020473013, 1.283457784467298, 0.004457692675625225, 0.2696275159938366, 1.2133751420823962, 2.0687516071265994, 0.3473609896639726, 3.2955655589817017, 0.7618733363545894, 0.15112653354419656, 0.6402593324470836, 0.10438368045625543, 4.603749874556778, 0.5344355108337188, 1.4583218618434524, 1.2344276515565873, 1.1787428363101864, 1.2929751439523833, 0.5529179060078813, 4.555804707557874, 0.9649146634695404, 0.2593384092289676, 1.1658962183416928, 0.004019388322399467, 0.08245665308335884, 0.6510226290180453, 0.534541434393619, 1.0767478442533283, 0.2126069013567785, 1.4644922507139977, 0.27114367219221064, 0.09001976472235436, 0.02410160948723052, 1.0574450247294302, 5.426740784420832, 0.6642605921338953, 5.263527317584552, 0.22964121194708326, 0.3647514533999177, 2.2002821099332475, 2.020085640100493, 1.8010059060636137, 0.00017134278446178527, 0.7246755867665652, 0.06439011756555453, 0.21545608687612494, 0.7946901614856413, 2.7252707721815432, 0.6772014890386291, 0.08755447019218839, 1.9455307249469385, 4.633197656808532, 0.0037607496264842393, 0.5186751690111141, 0.041444027970462184, 0.13769746206150457, 0.5432817217925716, 0.6915365220843194, 0.06741878839632537, 0.002732479359791781, 0.04448677668347972, 0.057920212936873924, 3.6912133812961727, 1.0527487935479578, 1.6406250312441675, 3.0494179919742357, 3.4015795338233756, 3.5208145905023636, 0.10422999947164586, 1.2530554839611983, 1.8249874603983327, 0.03659748369355863, 0.10115987474949911, 4.490331704105592, 0.07052693209064678, 0.06635331898417463, 0.4474362857919719, 0.4180790791672989, 0.9486623259033766, 3.2986040479561236, 0.005410191170950844, 0.37419458503506753, 0.008335348718118814, 0.002257789192644991, 0.373892277131736, 0.08485108974365299, 3.9994998768923793, 1.1609359605465475, 0.18081754851082804, 1.8073951464505937, 1.2772190068642517, 0.3047685154193865, 0.628975136663073, 0.3899922387963447, 0.0408263776461903, 0.006512265623165754, 1.6704234672406313, 0.9073458743451003, 0.07984007162093733, 2.0188363635250544, 0.29947582587768834, 0.10254785570216937, 0.4820150654280248, 0.26949139878643275, 0.021301718945197296, 3.4377821556354706, 2.5532882635039664, 0.07907468242375405, 0.006510169018680281, 0.3943281468829663, 1.0421675755793454, 0.614626864501324, 0.9887554717070413, 0.01466760223538028, 0.0034062024206149353, 2.675898657336148, 0.07507414053639559, 7.414909658115036, 0.020549330044149335, 0.6189031794692623, 0.6582198404123023, 0.2797385367166087, 7.441039151040922, 0.3093712459396567, 0.003345953203131598, 1.157883462672634, 5.665487445807876, 1.067687055766828, 1.2804972012325455, 1.0288242706396706, 0.23176586573260868, 0.07671777613231093, 5.381729716041456, 0.5867389948548818, 0.4778120712786643, 3.4426318557195854, 0.2581843129111621, 0.5333697753296214, 1.2168334347952243, 1.309407893370923, 0.5421760959154576, 0.11522112129701388, 0.001464941324569772, 0.009609272834137908, 6.315156864743738, 0.9189373961621594, 0.06976614888825525, 0.7299254135645346, 0.27672014978898896, 0.3299527564446043, 1.0327409415963287, 0.1895276838532273, 0.3661627307370039, 0.07034170621505978, 0.804451233767955, 1.4315703116993372, 1.2135196403332826, 3.219383877567707, 5.966610714132719, 0.09676267488267083, 0.06113135079020065, 0.38264936531267896, 0.0001677988223757893, 0.010677613824458025, 0.12304259734693662, 1.772704422737283, 0.051265159244444775, 0.8153510686567733, 5.737055079892411, 0.00017154428700910773, 0.7538741285655203, 1.071629655254158, 1.3485740065451033, 0.8837598676111182, 0.1922473803045323, 0.43862574385766523, 0.0033459758490233015, 0.9586266804997745, 2.386276668327603, 2.620967282990776, 5.915395498342505, 0.19464344247787582, 1.8911257430600061, 1.1580940097934815, 4.232230543150158, 1.1233849691426314, 0.0055551521544427145, 5.748527757494398, 0.5162796375378049, 0.058573526282715026, 0.14277241520040845, 0.05536144717180529, 0.02994574250035304, 1.484155498023719, 0.40980407547847925, 0.25492441234020946, 0.0012619992747511318, 1.053184260081487, 0.0006641152930766664, 0.032724523350532185, 0.005628761292212199, 4.762993156237534, 0.7013136903805732, 0.18736448452535584, 0.023632981360194483, 4.967571438285204, 1.498198175777795, 0.19917512199115067, 1.3103865178157021, 0.03457297740536014, 0.6268890262266189, 0.39388716204232327, 2.518991075823916, 0.5436224579658827, 0.30578518166898244, 0.0006166986353287827, 0.05823252570559047, 2.0953509731965454, 0.15118212370354855, 0.17517196165457397, 0.05148794887187183, 2.6599054998469427, 0.6735488397434726, 0.1586559657022536, 1.5478289896794675, 1.0008175054382387, 1.7943333912556723, 0.2000994723923852, 1.8783754753048243, 0.10058166198575066, 0.2233300207014051, 0.14853489512640025, 3.3711124501620353, 0.6110619984996194, 2.6344006820184567, 0.04611698385563452, 2.3469074691312053, 0.10761487396096651, 0.3467069759442699, 1.333383266484605, 0.7169384257148207, 0.026682341850142018, 0.7707077305463111, 0.0077462460273984585, 0.5491259671790972, 0.15342326999010983, 0.8352763155627945, 2.8874508457159487, 0.121158307425132, 0.43376687845173695, 0.28091372318294394, 1.546186166380803, 0.0034892012404940612, 0.004447932829807212, 2.1857921241089033, 2.7769738666364647, 0.0967501746989048, 1.1444353691315055, 0.597787597268062, 0.8438202598105956, 0.10726271431106106, 2.61325151773243, 4.753795740900805, 0.0024376388030393262, 0.9262900086988606, 0.9765413471887244, 0.006247088490058152, 4.623598291150296, 0.8791987423766812, 0.158289103390894, 2.6921136701320623, 3.574946199095368, 7.21386787715265, 0.03394840970304142, 0.008699211225543348, 0.9543228390476677, 0.3207831222420802, 3.1889792131170354, 0.9995663321742979, 3.016403058323879, 1.5264173192602646, 1.0051495277904248, 0.06181979651022194, 0.01813167948615802, 10.713326483892427, 1.5978875330292097, 2.016397666828037, 0.1533525454623765, 0.49661165690565456, 0.07535454453908086, 0.3191745538650461, 2.436604393580927, 1.8897796618078155, 0.5466963460636992, 0.04966499197193248, 3.822918562522926, 0.29476384710275194, 0.7132503931327516, 1.8806044529137675, 1.9757673448868316, 0.13678251395193108, 0.04418623925187266, 0.4505000293553604, 1.8190801547828768, 2.548506054817478, 0.03143605656074088, 1.7282837541563243, 1.3316009439269108, 3.3427951555606024, 1.8344040678715168, 1.6847477914336422, 1.3097865801293065, 0.04458711682145039, 0.029551942263255408, 0.09875747603376538, 3.0088425305624455, 0.16689821328317186, 0.9470854951288532, 0.3705596107380231, 0.05143899852033081, 0.17559350953730196, 0.4524928527937129, 0.7858865721538032, 0.11720430475866907, 0.03923510121077357, 0.47012960747049926, 0.27747077079530597, 0.11430858766672178, 1.6601209830486967, 0.0033276587842405564, 0.009592067687233608, 0.032281942450778436, 1.316934424765371, 0.9016139321395815, 0.5753405050808282, 0.019529220885613225, 0.07395947599577037, 3.5715385561449984, 1.1226173483347812, 0.19947958597019602, 0.4518862383859731, 0.01742432311595544, 4.737435669988198e-05, 0.47966408030694796, 1.0094324913821133, 0.10070502540849283, 0.036657035441827746, 0.04606200332942139, 0.15067337889976715, 0.22491527090040056, 0.6028489420106553, 0.40999737221573856, 0.11060468501049107, 1.327594915981727, 0.4387275031409304, 0.0078959544234538, 0.15762673688703885, 0.011686038767027772, 0.060483525657758413, 1.9906039957556223, 0.3417083787368712, 0.2044208184928812, 5.89351372011359, 0.2179846235296627, 0.21892052599642783, 0.07261095663344296, 0.059068984635347016, 0.29934856565648726, 4.479749929214383, 0.8598312732382755, 9.39636343646342e-05, 0.040107896467957274, 2.3402963427731556, 0.04181176221207064, 6.58763213555574, 0.10729720203466397, 1.5601325769205971, 3.8369471092934018, 0.17763240115826903, 2.6236654986594115, 0.0108698376090989, 0.029994787796209295, 0.19868641131762171, 0.007178444879141161, 0.03820943857226371, 0.6814253081802367, 0.8273906884599679, 0.13651650231440882, 0.8732481215074763, 0.01709167390120085, 0.676095432409042, 1.8215001398096888, 0.08323430317763265, 0.0028167328091284302, 0.2630560334699513, 0.007939702338527348, 0.003950308340930802, 0.4020535246075071, 0.2685772920656131, 0.19099938960799037, 0.14942260748487443, 0.5891607868228665, 0.16807045320465178, 0.3436681819477564, 0.6368486478075195, 0.00021250752557616713, 0.4303220632707785, 0.015032001658412706, 0.2531014124850132, 0.5376912518738438, 0.6780715160685251, 0.06606327777623631, 0.2230114611581851, 0.037329090409425544, 0.4225941640555392, 0.581095201123437, 3.8809491374634186, 1.2204223801766867, 0.3471088951834836, 0.5142484849498894, 0.5394241722698249, 0.19127666492064926, 3.7261455128314735, 0.31465189364272994, 0.596106207654036, 0.022426758098737166, 0.3894616054580798, 0.32750882981488416, 1.056749856145602, 0.021487682506158075, 3.452518044118344, 0.02965174472875967, 5.197418457969563, 0.7902780407340076, 0.023518631531291558, 4.560000173255759, 3.092211742004727, 1.124402449507101, 0.014360522293422693, 0.04810964773302635, 0.5074684449607151, 0.026383133465134156, 0.1406553313784132, 0.06231095017146751, 0.31306467692298034, 1.071238547046056, 2.4405354765072116, 0.846127453221962, 0.12041444917523864, 0.005526587676184123, 0.02034291859636567, 2.8303575568019435, 2.5745507007387403, 0.002333791413143884, 0.27828203609015995, 0.9132470410287936, 0.22603295875320398, 0.1659402918717624, 0.3175647010254001, 0.36391682961464794, 0.9481633043356531, 0.8465194717378481, 2.192856326032067, 1.4133352759976567, 0.04917566036952903, 0.5724291396265353, 0.016180320468716026, 0.051067988204657376, 1.1056968789418917, 0.8999935627199487, 1.6001771631329462, 2.424293426946962e-07, 2.7756872926765808, 0.2861736471895654, 0.12567155014929762, 2.1823263979978433, 0.05393548266979181, 0.0122037441949359, 1.5157329246029883, 0.5550721214666112, 0.05211214525385641, 0.8390662141224512, 0.3283158445092536, 1.5543479401024063, 0.096269942182106, 0.12193218209717967, 1.3333354835646238, 1.0108748840123614, 0.0004512086567347364, 1.4933507254856706, 0.25310011441388164, 1.2816407860589403, 0.008815839318204371, 0.1924816201289715, 0.4436239800969696, 1.937849803246768, 1.029425143972559, 0.8642832222214563, 0.3279233051091338, 0.01499286453769618, 0.1630178693165167, 0.3511269740411353, 1.7147975423277717, 1.1792853332708448, 0.34942300024902195, 3.1344599639255226, 0.1163215552102872, 0.43955423705251717, 1.3390340104733474, 0.583028183121671, 0.3206996369730464, 4.752125691029039, 0.54861633265079, 0.02104478860173444, 0.016173082508847615, 0.20698228001876676, 6.218549119552724, 0.8461535501143762, 0.6299172458164923, 1.8828913959100009, 2.6375306870538724, 0.26744790325320816, 1.1449095026694276, 0.34097860662135765, 0.8293430187295773, 0.904824920570418, 0.08714664733482189, 0.03767006707683725, 2.0824497631274155, 1.1534584993689656, 0.4260617462745497, 1.7418992881722637, 0.1417228030736664, 1.2281686704061021, 15.871299511948656, 1.92107320028889, 0.6499083508573894, 5.659762508633654, 0.17034102499065315, 5.340767237943463, 0.006809001892243668, 0.017080587775867576, 2.172706162413631, 0.7042804135943842, 0.0006223415254895989, 2.3627214004715595, 1.191955252724114, 0.3190545135487629, 0.04155862945268993, 2.1847012805138664, 0.18949642029368283, 2.4685777153831356, 0.06195374624758961, 0.2983726973211824, 1.3373213478148347, 1.991601690763844, 0.0006943439676261713, 1.3933699006169538, 0.28107393934218083, 0.04523228821089632, 4.064338243382941, 2.476243797479209, 0.5499160593836223, 0.353170326042417, 1.0837988861657428, 9.441939380788499, 2.226387118917841, 4.284180089881199, 0.4925724440655219, 0.9886800979945238, 0.03605401157624366, 0.6512629162912528, 0.006695116530679483, 0.09827381814882707, 1.9100655358913141, 0.0339435140008305, 0.14338541221750523, 1.9090085488151383, 5.974505021985517, 0.3874278504924158, 0.16753043526280637, 4.12487741320388, 1.6099126287930596, 0.13403499688214943, 0.5881795028841308, 1.4416901311326262, 0.6066784280025047, 0.3262456188833992, 1.3072570289838288, 1.599837793388851, 2.432793027023315, 0.6493748010501085, 0.01752368848926934, 2.9689142561608097, 0.12300157669902402, 0.045658848799621315, 0.066125186482731, 0.04651450897685337, 0.07622403911481208, 1.0540572293458037, 0.023704626184161907, 1.373106892105268, 0.34291319646067336, 0.01950809684993629, 0.09409159288173546, 0.5526467298613207, 0.0017583385174982714, 0.12063499638508207, 1.0013793352022862, 1.853117662552417, 2.612770011677828, 0.21188830950062035, 0.229272777389611, 0.43262276862586413, 0.28324768086450963, 0.6088417573064537, 0.003508593302469525, 0.06954832295078872, 2.7307208760410222e-05, 8.394208146264859, 0.0003607610072190933, 0.5035329407214123, 2.029672132126558, 3.6065040504573966, 0.07997033956242712, 0.16072986540294665, 0.7161014176155456, 0.20028987092379716, 0.4415151653227331, 0.0004969815040088199, 0.5436316872902024, 0.1891472212697516, 0.0003444129833325143, 1.4298612143335687, 0.7452607892483357, 0.9321664183538876, 0.003389777320910526, 0.7611810087879942, 0.5432744642909355, 0.08337798246105106, 0.9257562980439523, 0.36447674938771535, 0.031268571419983286, 0.12990722173924152, 0.3744641476315987, 0.9742104097711234, 0.2124672715550961, 0.9791123031584004, 0.2739861399439037, 0.33699738548000996, 0.6582593485424209, 0.01416735582121899, 0.41190853583795123, 2.967617343724286, 3.141094245942802, 0.05626122739201742, 0.5120909419267501, 1.3042550397885146, 1.585157668305735, 1.4942941935169867, 0.22127407106898728, 5.326626075264712, 0.37415906835344265, 0.0007706620091113736, 1.8373642936346175, 0.5342255290060859, 0.07362850111427441, 0.9236078602382322, 0.7640413838361703, 1.5367103313028565, 0.2876450399274075, 0.023654857434914803, 1.284183527019106, 0.9345484915774055, 0.7075260091453525, 1.1443505141020214, 0.9832410008183027, 2.065408123570012, 0.06891820434851127, 1.5172368409594559, 0.36003704287594807, 0.34622373733290557, 0.16386859221106975, 1.1420045452662595, 0.9255255591668017, 1.8350576615627048, 0.050655489071518296, 0.7973934671316797, 0.3615596533960014, 0.11819351162065969, 0.9992522420030356, 0.18546958735885796, 1.9185112592316578, 1.184549332362526, 0.9078516807205046, 0.2961170997703396, 6.237018917385421, 1.2685726121714171, 0.5504678457976854, 0.6759166468595043, 0.5431702014243632, 0.0368481992228718, 4.306584574344034, 0.030471988893614334, 1.0457958433429688, 0.06226011014325652, 0.6256367482793098, 0.0025927500366598566, 0.0648561219824797, 0.013811949456557957, 0.7292904138977485, 0.26324135342323857, 5.855742865769514, 1.251051964751553, 2.8189695551724228, 1.9556036365284868, 1.596659709606038, 0.2771344936198443, 2.539708654053058e-05, 0.13166891092017485, 0.09878296367425227, 0.3780873951428285, 1.057512543029533, 2.3990127657615985, 1.5426619648570354, 0.016553532031432144, 2.405191648524374, 0.004918167012570879, 0.006293829567327263, 0.26425686318779545, 0.0038095592474512016, 1.377867499380255, 0.17836753841459488, 0.5172116528207111, 4.830551623740957, 1.049401815807014, 3.191167183072431, 1.3159106256323356, 1.0299657460871718, 2.732894160302897, 4.634963264233139, 1.3548451197912381, 0.4155124003788993, 3.2811060096331675, 2.0930160971340657, 1.0067741913289172, 3.73039825994553, 0.2999429575955275, 0.9115683773784655, 0.18887703030076713, 1.7168202271326578, 0.7437577905888701, 1.3951556344466922, 0.733577502158231, 1.858537806678914, 0.0023886383116250437, 0.7556468519644368, 0.004289020095110554, 2.4147276037504684, 1.981178558885118, 3.1113179141536556, 0.5971522075013203, 0.7694068865842584, 0.4922941348916532, 0.6552907014049969, 0.6824317216621262, 0.40822008077428334, 0.030611967455286288, 0.2320642893669942, 0.01016324861505141, 0.004847313545976884, 0.5272474108307945, 0.49742602524248386, 0.22020535949688527, 0.3373623622707323, 0.019127541902884924, 1.8079000724951728, 0.07055980998386598, 0.004453779630068641, 0.589114791593845, 0.08401992925995919, 0.1156847913937382, 0.6288953854640705, 0.017232514769935963, 0.5559308000380441, 0.31245687223265867, 0.1448243555955654, 0.19575898775044642, 0.4061198762633562, 0.01203792047678402, 0.26682035751669086, 0.9338819878070871, 1.870192997484975, 0.3733332618027884, 1.2142521665423516, 2.1188069992261944, 0.00012198625649746433, 1.3074671920383463, 0.29267686104201973, 0.4470313126099307, 4.310088167871175, 0.3041253482072524, 0.07303400477457622, 0.6299959739622383, 5.269266608458489, 2.238392078531762, 0.6392879597722799, 5.973437173292318, 0.24584091710491968, 2.7277140345017457, 0.006392267093459697, 0.05573584634247166, 0.9825712828579864, 1.5705366055203138, 0.1769788411790535, 0.010127316530776014, 0.04631781430588554, 0.9097904356879077, 0.9186237855418663, 0.07871773404832133, 0.5742652524152456, 0.013440151483988052, 0.8829950656916504, 0.9321525125860647, 0.5642527471880951, 0.0026797393914831593, 0.4667527659552096, 5.4223963161960524, 9.420550435677928, 0.6568330964618843, 1.674481765917322, 0.6115852669985834, 0.8879635963482214, 1.614123745307632, 2.294956319961791, 0.4659815250686023, 0.38738523382430673, 3.319791536356434, 2.092796513825769, 0.051338346048123616, 0.052322602540161606, 2.0894850389288644, 2.7956810918620403, 1.905764778916362, 2.1739301897044117, 0.00023852334001166886, 0.8227667183915954, 0.11483876141529459, 0.13583764393051503, 0.24093322791987154, 1.9302717224173525, 0.051429798183782245, 0.09278783228164436, 0.5061426537789905, 0.23537990994437563, 2.168942016888608, 0.004506344470279855, 0.21995392258096774, 0.0036618339370185766, 0.13896493989743441, 0.0008232357536926569, 0.07128704860432059, 0.014456755970830662, 0.9593676667527852, 0.0019433841571744063, 0.16446317129340635, 1.5170020767346266, 0.2696871198765177, 1.4810961729905285, 0.8428023536082911, 0.5707085847808973, 0.13266668601355316, 0.0196096547427065, 0.06477458620765186, 4.9714521042315365, 2.0344778239326238, 0.22514427944232188, 0.22953010145985134, 0.5233417246110097, 0.00789079643271752, 0.2849250225282608, 1.0171451058970125, 4.649816886031841, 1.4133674470977529, 0.10155661277229039, 0.2730730464750644, 0.46545987868569577, 0.00031563195071349065, 0.26692440375558313, 0.0704006365637664, 0.1617531698816006, 0.04056390108173376, 0.06883630525490823, 1.259015305935445, 0.028221599858503883, 0.4439803060345189, 0.4210833960064023, 3.388498656373684, 0.4167009459773607, 3.6111426883875186, 2.5236109266213673, 1.725877599421576, 1.7495790358784102, 0.0009432262127608551, 0.4330114611012868, 2.6988922710200836, 2.147786721449441, 0.461582514138415, 0.8699047254290346, 3.466670753932342, 0.24171378274039373, 0.34342585006000864, 1.4748648513977345, 3.3979816957303552, 4.259057537328219, 6.818042428724034, 2.990509551039645, 0.06601436757490114, 0.29883048311181165, 0.5826476668828, 0.09353075332984527, 0.04705743099207656, 2.5239717937273976, 0.02289936162790668, 2.1727562256756268, 0.45624485698027706, 1.558003757074579, 0.7749476564656615, 0.5439116668170036, 3.391158993739446, 0.00011564962702758174, 1.495235211341112, 1.2774751204714803, 0.06077967594359087, 0.4457464886287489, 0.2781792085575373, 0.8047342160498712, 3.0716284963170133, 0.009356173676174289, 3.1220865598105396, 1.332709387198795, 0.018664721047677975, 0.11713416262242472, 0.052713853242803956, 2.4307378686177166, 0.0570233491783472, 0.023088877938596927, 0.003108695371565049, 1.5478170031220302, 1.1270103766228048, 0.03352244897620942, 0.2729820244435285, 0.6398350660093883, 0.9861936466877974, 3.4253509918999856, 0.23220082604487682, 0.013069556815851318, 0.3585864169896342, 0.7737252293492084, 0.6401061441838239, 3.018414639296422, 8.338037071534604, 2.2706091479498114, 0.023339484478710013, 1.277889018555269, 6.464988676336715, 0.02876530776089694, 0.11952012740133579, 1.0825997422531948, 0.00779902844111714, 0.34559921250234044, 0.19624369550073237, 1.418510782935142, 0.09761719015818743, 0.0005950678979580223, 1.3747971352210926, 1.423921515703369, 0.07485392092644785, 6.988549455122119, 0.040266472908627324, 0.2829353172663494, 2.182138081457444, 0.0918550225816542, 0.2605277748057624, 0.9450713679024125, 0.20648676923089493, 1.3238853926540766, 0.024954043972038643, 0.15292722128256625, 4.096244596672288, 0.001169543729862321, 0.5222740751394331, 0.10442732320580593, 0.38812198063756465, 0.9772041407645193, 0.32678705403001784, 0.42148103210851745, 0.35353050628162624, 0.01505066073511968, 0.23368918503462205, 0.805450210245315, 0.5667740282005154, 0.3140730263668505, 0.12997067379901828, 0.3425915904120412, 0.02137491933579956, 0.020745367690168187, 1.111630014999989, 4.042174109935979, 0.24649356583147408, 0.18793542357420528, 1.8063207503130942, 2.4600956975414463, 0.4694325347320115, 0.6085665871434125, 0.009690473903042446, 0.5259967719707817, 4.495548524981802, 1.1743107740226104, 3.2369312056822417, 0.4657149757694408, 1.6170707191137803, 1.8220552476893626, 0.37453244705677374, 4.065348753636411, 0.6060253107034691, 0.6910104848726012, 0.2504104507009574, 1.2492731547656248, 2.088806325348355, 0.1436659010113908, 3.2544209563993953, 2.937303402201792, 0.013218458042550837, 6.072275767008999, 0.011570588459409194, 0.36610283384204223, 3.3781740112096603, 0.6352723452779333, 0.00014394773158937652, 1.2489287511364018, 0.8734713095990411, 0.3388143941745521, 0.6037138156847422, 0.4930099144035891, 1.7303297983336043, 0.15140582627707497, 0.4383248490557448, 1.6365623598863928, 0.04018189379026043, 0.472032244782968, 0.3451799431193353, 0.0024780026248694613, 1.5244221160629485, 0.03026198090738935, 0.13135299551279847, 0.7451386092067078, 1.0109784518439977, 6.364828865652014, 0.11927463600113175, 1.7790966907637948, 0.04057449158627831, 0.8071116365640963, 0.9901714554401555, 0.273053607529527, 3.045272458945471, 0.00728196231198705, 0.3151112372697071, 0.666880850433475, 0.2141069266171753, 2.0016779380384806, 2.0383311176086605, 0.30376011469404224, 0.06925994175657708, 0.00870763852727253, 1.0761632267519774, 0.7162175376770565, 2.0077408212844214, 0.00015112898666563626, 0.6215173442881439, 4.572027852823456, 2.343220022404285, 0.1744541963791702, 0.1025185302137598, 1.5209549642153786, 0.2862571716766238, 0.27798895998795087, 0.3868609868565932, 0.23022075512491352, 2.2550536471560103, 0.040501397101147855, 0.0862467689866001, 0.17413698876598246, 0.23379888096483292, 0.11208790543265841, 0.28620801229565956, 0.5463215310843392, 0.1575974836324327, 0.0327789893820814, 0.005700982699800386, 1.2127652423711914, 0.0892368504168109, 0.9429839987847624, 1.4093415331034682, 0.029120546003556298, 0.297931343847058, 0.1375219351512826, 0.22368585255266, 3.6270310381916646, 4.983192464753169, 0.03399598331275228, 0.02227960923356763, 0.3481477932807948, 5.382575283694252, 0.004047270921089258, 0.6771386121328433, 0.724785712575157, 5.568354125916126, 0.8746345262408095, 0.5153265831370514, 3.7942982412841646, 0.08681946100073092, 0.13299626357454147, 0.024222483788509466, 0.06137485078765303, 2.308774283040386, 0.00039845455112562584, 2.6358618534889295, 1.4316092573119148, 0.38667465935644396, 2.2048825994822634, 0.0003232637633668181, 0.0004140660433471302, 4.325954236254111, 0.9052513259108769, 0.2294971998948195, 0.19878732730124343, 0.007657394023910513, 1.6202630308936554, 2.4612119444856284, 0.8439491934262099, 0.056764320539502325, 0.877193861436132, 1.230070702439748, 0.137883892893502, 0.699642434607918, 2.3427393507331518, 1.2002022434998119, 0.04675170543046987, 0.02983763714543183, 1.1423970502873182, 0.017334382303805112, 0.28623312447611854, 0.16899527682408894, 0.4260618773666875, 0.08144923171206261, 0.09162158339202267, 0.15319875220948465, 0.08976299995319269, 0.980092784739923, 0.05660151626159915, 0.3242299201955734, 1.6816940385279078, 3.6208433691550748, 1.8345466975336067, 0.02361884742432404, 0.21988818214987393, 0.7678006035656055, 1.5699675657206473, 0.11086317592780522, 1.2958629428387023, 3.6982509713212086, 1.07017960483132, 0.3936425553608597, 1.7921611306251684, 0.13142142330186346, 0.37378050395691786, 0.12293954806412087, 0.03232336209114146, 1.3620483919091322, 2.606834686741719, 2.3278091549547155, 0.5865615958187266, 0.020835834799425964, 4.960413457017577, 0.00019682404101301274, 4.395219596163286, 2.193289628017614, 0.291760620143058, 0.8530350771253393, 0.002476461487281005, 0.24659309340352206, 0.13356749181158709, 1.8931646830734357, 0.005528812847238872, 2.242319555388711, 0.8407254901167606, 4.7908063326442845, 1.3409381151069526, 0.05006903678283675, 1.1389327722349953, 0.003014452016716503, 4.76746159804649, 0.16727276570331356, 1.261704404955644, 1.3101520348260958, 0.11680932535909586, 0.04501054495748732, 0.007376595420044788, 0.2485353231332249, 0.0230927238805452, 0.1508966978832347, 0.09435802260540672, 0.29073159489840056, 0.7685238349130215, 4.537240543814265, 2.1328186046404554, 0.856625551140344, 0.29635595131649195, 0.7129004127481099, 0.07686612471338483, 0.04931160642348044, 0.2880034205679909, 2.9018998720679607, 2.241612870551124, 0.3099071919233377, 5.671255522316241, 2.427530346226402, 2.1203885144422236, 0.6144889308377461, 0.4161093898370976, 0.6143551759327811, 0.46639902822450335, 2.4331637162941853, 1.573696276936996, 0.7457283198384588, 0.0068939706784429695, 0.35209811855265477, 5.094913467141853, 0.07029051983938205, 0.3523922816829785, 0.19904668189965352, 0.006686259581402029, 0.6908028561410258, 0.3259842014377575, 0.6770506356899042, 0.0217028901844411, 0.1793330812775972, 6.450262501640848, 0.04036119057214497, 1.2241198856102309, 0.1885646146353278, 0.08150113894348042, 3.5646666086443957, 1.7257007545592111, 0.10495625911460942, 0.7064380111745425, 0.800795286172826, 1.6511713418876899, 1.5867699316966006, 1.1779512344319467, 0.2714828544012521, 3.2887397460497696, 0.003529349904022407, 0.12373376626730032, 0.4609551737883038, 0.2335984407262139, 0.6386753648182644, 0.06832205892977938, 0.014702245244150964, 1.0076318066261822, 0.18412372401093433, 0.20718593808188937, 0.0026008744345774014, 0.00027347798968469503, 0.16022270663081997, 0.13990875871119554, 1.8034624810202668, 0.07827346786252308, 0.08834529524144884, 0.028480904410775, 1.316324650093032, 2.760181062154971, 0.6468755918611399, 0.6657024851481985, 0.004232484067125399, 0.0040024234570328115, 0.08197885072689523, 5.215727283678444, 1.8344462483661719, 1.9159185057510417, 0.3345631610734895, 9.209141719374465, 0.6352843098543774, 0.016489991222780075, 0.24838612499236515, 0.0004778875484522563, 0.0077581543447372316, 0.08221967242228469, 0.19809066057858243, 0.2649258057770798, 0.5836648169426571, 3.3245392497212456, 0.28006480255773597, 0.2743519600439398, 1.877723765477982, 3.066554160997361, 0.13279295144114206, 0.5004934901281027, 0.029676805894072764, 0.23621729016512077, 1.616050868408521, 0.10074573843122478, 0.18037147284589536, 0.11732074832681505, 0.33486175334094903, 0.6517508216209994, 0.679750258246187, 0.0004268694952768513, 0.005885434257723855, 0.46020068937512215, 1.2526419006983445, 2.0392932200245157, 0.803655169336371, 0.0016717778292361536, 0.585536837181854, 0.2434102532319535, 0.06184544544942618, 0.05918194793875899, 0.8739433600925829, 0.053911981695459466, 0.10305797172856422, 0.0035397378211731324, 0.6287315260800399, 1.141511249691453, 1.0546438692686841, 1.2341944142757542, 0.19553082559076346, 3.6393186953847896, 0.612068369799037, 0.08857110491088284, 0.20499091587576032, 0.26661731511937037, 0.00769539669805587, 2.2164122378298874, 0.027333238276299576, 2.3747079538442963, 0.016778700723816334, 0.20340635026116105, 3.3559398635809123, 0.07149616367522377, 2.7097995315113814, 0.9242576901842742, 0.16386382013668582, 0.6642519464132379, 0.10209442364642227, 4.072887035138977, 3.2725463058611153, 0.09429524620427607, 0.047672833111883986, 5.035777849817051, 1.3057106556565894, 0.9782796821341234, 0.0007550405419995113, 1.029468008564161, 0.027501675348484134, 0.015059578030050593, 0.040534452995874, 0.37643349490540207, 2.5406097936768517, 0.001870679311662935, 0.005709412249282224, 0.10420987417437251, 1.5983902437685926, 0.3088844381226915, 1.4342456758179072, 4.045402892162744, 0.6454765806810875, 0.029460828375838098, 0.47245039409501977, 0.027257005880301482, 0.7737208184211368, 0.29813559117413807, 0.7758783398697608, 2.798941319769648, 2.5518781968898687, 2.3205918422007, 1.796736639271554, 0.0037762836051457574, 7.501622225896087, 0.08217688056346764, 0.001197254033029933, 1.4093284345134278, 0.031816261547874876, 0.08599615325106096, 1.3063449659639348, 4.3532892542476835, 0.4862153221227641, 0.1711769490887455, 2.837448307661545, 0.041438344875111444, 1.0131393192811684, 0.23940579071121063, 0.007271881215097099, 0.015251125761811465, 0.000906010796190475, 0.519381527323575, 1.1755045506715758, 1.1068329420230443, 0.0464336460094665, 2.0826426359377783, 0.18906734976133888, 1.3705728503114107, 3.982903633686521, 0.4790358962491254, 0.10333356044984528, 0.03444194591418155, 0.7950746374810201, 1.3660366786156886, 1.5659209766725364, 0.0020156218636201645, 0.07648112029555819, 0.5454756507543552, 2.4904555820045786, 4.110976968217543, 5.120004280383747, 0.05395085623959373, 1.129357344606777, 0.0306918592149829, 1.9681436880200158, 0.3944726253097168, 0.04452050184171983, 0.5878919781838017, 0.34053649077926035, 1.0054588712359815, 0.00010815105034270288, 0.47866942264755996, 0.4828392291310284, 0.3462469064799957, 1.2433651603074045, 0.5324773958541955, 0.4138539001546005, 1.6988887684034595, 8.861732162608022e-05, 0.5152684763517856, 0.42552472817190506, 2.06692312285076, 0.04526929506644121, 1.4781628278579069, 3.3210848865336713, 0.3721443705314804, 0.2978741808572881, 0.87256965399998, 3.2434364227133123, 0.046713631432571484, 0.7287124573013389, 3.1726766282519954, 0.43663550256548084, 0.38436434316318147, 1.4914151934565478, 1.3793582330079066, 0.10526425248797029, 12.100990457610058, 1.4120921264795365, 1.7973836760362287, 0.10228459643695226, 0.17851285650736595, 0.48121148155728005, 0.018239341437933078, 0.5238124509928115, 0.052388196290829595, 0.0003593394229351114, 1.238742973978133, 0.9429567074603502, 0.9573522717911604, 0.06786379329506975, 1.6131676465801719, 0.0972591088395122, 0.09855865058153448, 0.695385793729662, 0.01600082301271567, 0.1313350659461794, 0.0032292947877590656, 1.70042394058393, 0.15146177555168117, 2.560089534046385, 3.4301383919197987, 0.5640149839735475, 0.14106672105835905, 0.04313376939528627, 0.15113952225812483, 0.05157640343154244, 0.005846685149199103, 1.328486193797178, 1.905720744333627, 0.008689097278155852, 0.6204015492214515, 0.23673041993009827, 1.6540183965899877, 1.2204584396173759, 0.0412242381592442, 0.9839123611060842, 0.13522780881611568, 0.20439540045873753, 2.906226859143288, 0.34267017882280293, 1.8820449253234004, 0.03884613029585533, 1.3728961435977434, 1.6774222501491807, 0.1987576711214675, 0.07049756472406686, 0.18780872520654274, 0.7482629231093922, 1.8136491336753529, 0.07636070169293255, 0.311406526496071, 0.5845755729817357, 1.235532696355717, 0.5644979953541337, 0.257931157179282, 0.23426004533170958, 0.003918099847079509, 0.1313994429337973, 7.672718520624132, 0.025484030265859717, 0.009718776921663033, 0.22997763272558672, 1.610716329681596, 0.042730144468976404, 0.21259279440190282, 1.5801623378304408, 0.0016418589106249244, 0.22716373974311282, 0.507802639496464, 0.221249744465003, 0.09355461982614414, 3.4919263501201487, 0.03529469393481737, 3.603522464968238, 2.4427845389917198, 0.13286811319935826, 1.420163747983072, 0.43460659387876366, 0.2848087334255388, 0.3901798022665702, 0.2718786692395222, 0.43675464197251684, 0.4586253436889488, 0.13349544447694212, 0.7869773111908268, 0.041687730027011254, 3.087284788279646, 0.9241793946587078, 0.09300776342251206, 0.012491461730811492, 0.17270350001144413, 0.4736827306039773, 0.8281442532766897, 1.2097498042967347, 0.014748871338780896, 0.3499203652576545, 0.4134964691100931, 0.08953336340917141, 9.216137020427619, 0.5742698448173134, 6.947885963855807, 0.28719350174654934, 0.3926762302046701, 2.817852447458822, 0.0022213602488836436, 1.0207190644477666, 0.12489268831787166, 0.007708717994179578, 1.3805487800395737, 0.05298659666900982, 4.579528355140308, 0.26916723602514875, 2.1732667613690504, 0.4862014922365853, 0.7445896873256374, 2.8923327065748436, 3.306534271452592, 2.436881891202958, 0.2697834247504524, 0.2541064408332419, 0.25153885762330414, 0.016209598840575403, 0.09311086443280799, 0.11232190318576601, 0.4831495542302066, 0.11112819260024537, 0.2146197369696204, 1.0376745636123674, 0.02268162231295462, 1.3182025021732984, 0.6068923297441543, 0.4419872510559911, 3.0750854093699815, 0.44039739922115034, 1.6829285097413487, 0.009120314606056203, 0.7013157611625821, 0.06472278927212319, 0.7207296741223425, 0.9344685852143763, 0.18624857179082174, 0.23111692387557747, 0.1857612667993714, 0.13904729018453071, 0.002296329835879659, 0.18528517819120288, 0.9255402518155714, 0.11151642348216351, 3.262477939164406, 0.5204435791038929, 0.0032801487476494307, 7.096612135471979, 2.4140260810113072, 0.006010908754974512, 0.5955235003196525, 0.04385920395430612, 0.8786875431359392, 0.5681852452408076, 0.4453113298396765, 0.3346742047153807, 1.4523639342508692, 4.0950877522216205, 0.3535288795299318, 0.2573268760822019, 5.43436147992617, 0.024238307823114633, 1.3739930031435237, 0.003147283386592714, 2.004303429428766, 0.12480766509799116, 9.145108324550437, 2.2686637729845636, 0.03703627367046445, 0.0024619364409886445, 0.9766909063065186, 0.35595333013244496, 0.4485198029808333, 0.5316884501606821, 1.926196238949268, 4.115328259859532, 0.12473107041793291, 0.9970872073488769, 0.44942737606849603, 1.046703218706716, 1.0896088649015618, 0.28023345540011485, 0.4948785789343877, 1.4322769520712784, 1.0234735260090653, 0.000408155958629259, 0.021852938364581603, 0.44788964522834984, 0.015223472561174341, 5.713809707653666, 0.7354435946133889, 0.34988398868867454, 0.8358584600105008, 0.4985959582257666, 13.901900300732837, 0.7987750889543868, 0.5553506178369415, 0.30221951418507115, 0.8458084184170505, 1.0448762247746048, 0.010409709325616452, 0.008122092417440954, 1.9326656721502804, 0.23635079502951414, 0.10575416935976054, 0.3621052150728523, 0.44073422102049853, 0.019613914455651145, 0.3969556389596679, 1.0919227720132574, 3.1019296922653785, 3.1572912315674917, 0.0006034086299273592, 0.17526047398841965, 0.8601560277939477, 0.20675329949180757, 0.07403009493724588, 1.006673620919912, 0.5859117930519337, 0.8793511496680047, 0.0039010974318764344, 4.005841366734807, 0.3289389033163473, 0.012888964541574172, 0.1186447956442403, 0.9389496460860643, 0.37844405126964026, 3.250856896475646, 0.06215887185038902, 0.4150674680294016, 1.05329308505824, 1.2409038077505483, 2.359142572171269, 0.3743770411622489, 0.1564299058018086, 10.159960867354009, 0.9272628138051332, 0.14643690737053008, 5.426144759152031, 0.02022069842643307, 0.3702992161686058, 0.011950363535143413, 14.420054903725998, 1.7564059422189902, 2.314168336749208, 0.13455640092100357, 0.2923201051335364, 0.2318829626425322, 4.338435464819824, 0.39286686088846756, 0.030656406274657082, 1.1220130113875224, 0.0006447459566930516, 3.4977008627055435, 2.9292494513742544, 0.5358529413343194, 5.355739375578566, 0.2628721443329107, 0.14833561974247264, 0.10548686830330409, 1.3372602981930857, 0.08849702468910386, 0.06854266270982279, 0.31428937973899057, 0.018332437821981733, 0.608061515886311, 4.6892049179032406e-05, 0.056099129177561186, 1.3827228789427508, 3.1552329245408877, 1.1790421003220708, 0.03761314504518708, 0.2631701509560307, 1.3273324220078588, 0.1879842469081111, 0.005507968141167477, 0.02693315856313405, 2.1787008355231183, 0.7557045362903265, 2.129833803921067, 0.4517055338031576, 1.370894771100283, 0.3789743508854657, 0.0034046030449882956, 0.02310971858351813, 0.016011035225748763, 0.44053543629962033, 1.5175567456023602, 1.3060696193151236, 0.5159526141847764, 0.17552150282959725, 0.3224713795258846, 1.5747707898670913, 1.1869166573208443, 0.6208042418328347, 0.037999310361381426, 0.21601775863877282, 1.7390196345794995, 0.07995809769257266, 0.21467919865491666, 3.6064254564064284, 1.8096785155748387, 0.6398747105193178, 0.4966858041445772, 0.6278537600567412, 0.05193604329508399, 0.46518243010481564, 0.08869418199531506, 2.9080583475252078, 0.06509826526567608, 0.049037470428210946, 0.06785389034808764, 0.10590842355234102, 0.15168853755706746, 0.006462576029952043, 0.5544127249704203, 0.6461404015458396, 0.2706002083967883, 1.6750431472037872, 0.29462629361565373, 0.2027396843969165, 0.44201831750631587, 0.6466660245710869, 1.600715492938218, 0.02213865069722231, 1.6442767534725404, 0.004940265330566598, 0.613040876228909, 1.505634811089907, 1.3454740809152113, 0.37692750408876, 0.0021239235121611765, 0.3169628779532442, 0.6057601725269218, 1.1625118408008583, 1.1031399106813702, 0.9936246641043751, 0.13931890855824425, 2.3962055235424686, 1.8661682681056426, 1.4538449601290713, 3.0794274185663615, 3.3584279575360196, 0.0029728498223185566, 1.73891058263881, 3.083204003416971, 2.635826871902138, 0.04904692177096102, 0.39798636428240475, 0.38270493786519, 0.5424880239901068, 0.02352248735500983, 0.2506448716714092, 0.08453597705546032, 0.5665378926450727, 0.39709277005543164, 0.0409135735746244, 2.197700873071515, 0.10877072151214584, 0.06854419007520489, 0.5731613748789287, 0.2822866601945089, 0.9571760126379375, 1.1760850382290107, 0.680059934348462, 3.5989531333675546, 0.46403984969212125, 0.008715936865214833, 2.2491053848468865, 0.14621102076043963, 4.034920551596219, 0.19662275608546084, 3.26319707314254, 0.017914261520282783, 0.2604620343399889, 0.007975513599582647, 0.024024047851392515, 1.6561049093447775, 0.7169383758983715, 1.5340154439974572, 3.58123729371765, 0.30808567527222186, 0.0020149744961456533, 0.17038827100961623, 0.330702761935221, 2.469957582709725, 3.4653030412218806, 0.20783268614774947, 0.4224890516276366, 0.9753875841596289, 3.3191566510983845, 0.0025093240901186043, 0.34271559491416576, 0.1595463473992821, 0.44606125330450913, 0.388535624925904, 0.010628216624982348, 0.8713856240320054, 0.5126290193415839, 0.6290344257467468, 0.47066852076041166, 0.9913593907064027, 0.3541057090136804, 2.8669273615213684, 0.14741040490688814, 1.7160332766173616, 1.3028621970338625, 0.8457181376846096, 0.026065128295336876, 0.9789160486082618, 0.5125226529334981, 0.06602540674623393, 0.7706974708338642, 2.6189175278137973, 2.235088375380666, 0.006550241027459592, 0.9535547534958809, 0.02072987644533528, 1.9929896782093244, 2.927954849649475, 0.07067029615402688, 0.019366476661587553, 2.3588346077549125, 0.1708238058714981, 2.197747135727306, 0.05415891801961315, 0.08899265000601986, 0.16106060785100945, 1.4840910962527938, 6.045053125397477, 4.809936611878843, 0.12507387238398704, 0.06631301876211783, 0.0849957490125634, 0.187321824876656, 0.0014932579112793094, 1.0542312194407288, 1.7133944297733024, 1.6405669647661023, 11.592596247388885, 0.056222871656900146, 0.15387323662358646, 0.632452723385513, 1.793025870465741, 1.096604690405366, 1.4024485821014818, 0.362096166046769, 0.24506264347811565, 1.0523638040536114, 0.24858747208264362, 0.09562712922990506, 0.07727953807493261, 1.3071038471419998, 0.09416033946817419, 0.1428165463569006, 0.16734022081081434, 0.021762956498881287, 0.9744549728991089, 0.220639010550745, 2.4668175062810445, 0.0002449703438858475, 0.13670177825984253, 0.00741347210255008, 0.41235838770058, 5.410799585255597, 5.183592677818281, 8.620452411190852, 0.23552160880444697, 0.547170190705066, 0.0018988622124708886, 1.581184770540826, 0.40809764716767644, 1.523121484519763, 0.07627222038051654, 0.08727749610895136, 0.30943776295539605, 0.19012015695380308, 0.050204448526137264, 0.12672638495545893, 1.461575275206827, 3.2599522663571916, 0.299106539505051, 0.01947524661380781, 0.00022244658343754023, 9.279246523348352, 0.5730804421604123, 6.784454382329518, 3.89641697471391, 1.5691714271126598, 0.7178918330673323, 0.005351965676132181, 0.2854568451467223, 0.07861283274691162, 0.000626265628964417, 0.2657514837773449, 0.17125109396264543, 4.68068925394848, 0.6410249520703709, 1.4971051904569546, 1.1596049195632896, 0.7792299451880729, 0.2592990723122914, 0.7695783281572628, 0.41353017993738084, 3.283289440357169, 1.1025536135604717, 2.412117360227264, 0.34544533859979454, 1.8014430471420557, 4.43960123964825, 0.3822058386450723, 2.521535566673348, 0.148324695154123, 0.0003617347667194623, 0.0844762505988947, 1.776787582401346, 2.2737035985409944, 0.3891176451430446, 0.18706906712950533, 3.0424110165118154, 1.937511521535067, 0.35854891305943665, 4.918003158340074, 0.6715902721798115, 0.00753081309203643, 2.0417126403778023, 0.012556991950311779, 1.1205659447200773, 0.11756120351432071, 0.25094051877456774, 8.563664353877745e-05, 0.9534952086940417, 0.19818798921772662, 0.5264325904402779, 1.0685601740781412, 1.0052148620001398, 0.011988852929260413, 0.09038640515807429, 1.9274430092837493, 0.04148505861987193, 0.00026756131961063275, 0.18358488130465964, 0.7343679860212333, 0.07981396598048571, 0.5701745101092672, 0.7533624595031647, 0.2990425756248, 0.16222420163381376, 1.7422153431030383, 1.8631709443031765, 0.8679707479810415, 0.014394358901595338, 0.3694376687638656, 6.104576891447449, 0.008003744871738721, 1.8672581541172883, 0.23082658975830175, 0.1696794246088307, 3.3959176803728397, 4.5343290555311535, 4.490674939714229, 0.00045564870125601936, 0.8215841216271773, 0.7824650781119038, 1.5142510644247398, 0.004572298191908813, 0.10737673037324995, 1.726931689155837, 3.212938882755034, 0.2352138293783223, 0.00034434511448490205, 0.03684382946468449, 0.439701715684608, 0.3360747074623155, 0.007962267717122305, 1.6297205892755244, 1.0673700654974703, 0.060024520904546304, 4.10598300077571, 2.752311786475077, 0.5253102230199034, 17.900708629160665, 0.02743020025049906, 0.18890673015997542, 0.9667968312611946, 0.7158849960760627, 0.0486279736964004, 0.5607271924466964, 0.03462123491894062, 0.9023470494267759, 0.6346930410984223, 0.7296919725831575, 0.015044229349159999, 2.06522303477656, 5.469264570282491, 0.3998798860996251, 3.978258124008942, 0.030662481121058807, 0.4138204408619133, 0.8817387852792886, 0.042256381311459736, 0.15440292827133684, 0.1969404406500673, 0.06771579475603805, 1.9555361875711081, 0.03525679196995239, 2.167596824744391, 0.3337826267260239, 0.007458090695981794, 1.9538900184202823, 0.05755476506199156, 3.2462501786282396, 0.6833771148550658, 5.261728845543796, 0.1057882707508729, 7.505237774836621e-06, 2.819324539774217, 0.10635639212679897, 0.024204759972764008, 0.7577657304399181, 0.39503956772526994, 1.4300216512214616, 0.010854759009242468, 0.4290672858252139, 0.6860485408470292, 0.1634848593219908, 0.8104082998076997, 0.7182082318913158, 0.11822655083153054, 0.03751029522241987, 0.48550519080984683, 4.312506976639028, 0.0214207258759212, 1.586520734270868, 0.08194332823330325, 0.0202901194171477, 0.07219098113930666, 0.6607488496750785, 0.3783233402584893, 0.7886187652250912, 0.04277238727015365, 0.003076253642121617, 0.4148020020415914, 2.8933544400923354, 1.7740382281187395, 0.926819284694642, 6.715977644943535, 2.121778640060032, 3.2967450614424485, 1.0671119925846024, 0.4230586207936291, 0.07286750959069813, 0.022421196577981816, 0.8355075844095838, 0.034230376114635946, 0.11214687223028662, 1.6499404017054256, 4.741861977276182, 0.46825075024147517, 0.31124762951444684, 0.23761884117017928, 0.6388028738857053, 0.6294254118356984, 0.00035221576613130495, 0.5783383518186228, 1.0769468688073627, 0.3814388989595711, 0.8718573266710716, 0.013576887051301768, 1.8427345661715597, 0.5536130315005616, 0.03998386809443745, 0.6428092189451204, 0.8750912990278581, 1.9174990918115045, 0.0027196453407928884, 0.004535429184165319, 0.025311601763229614, 3.0103493915472996, 0.5696988157275565, 3.169620509644067, 0.009807084073527612, 0.005328143994906745, 2.037885548226114, 0.7503332925102228, 0.2759633733470185, 0.005674128467868051, 0.7874459061547111, 0.7366836597631333, 1.7453130134383996, 0.2018444424983896, 0.43930638860735316, 0.5857776728780696, 0.49597962118815675, 0.34547055903381063, 0.00021074467107023471, 0.02955924040618913, 0.04041602894817403, 1.2524962956830623, 1.874326260405124, 0.036022512961612435, 0.2761168188008972, 0.02194519707997945, 0.003301523795752728, 2.12969873790443, 2.0907773461696726, 0.011931442558068803, 1.2232864674143284, 0.6830837090735308, 0.38933884602174107, 0.21918310893264858, 0.46217898466430135, 0.1616514268955657, 1.035856886386957, 0.7369584138076445, 2.521316927029607, 0.39722682178683233, 2.3207515381813515, 0.2752757947450257, 0.016629915159581538, 4.263628718278404, 0.01980475279113816, 0.2761813449404122, 1.6574693103090028, 1.9438505479031392, 0.4387501045184754, 0.36061062842960884, 0.01897539868768947, 0.8944650057238216, 0.34930835182424014, 0.09798021923344462, 1.1663605473741585, 0.7167216740061205, 1.7300618305951512, 0.015230351270357281, 1.2237827659112182, 0.05108422746355372, 0.9858331470235642, 0.046546147241596836, 0.27494820287959587, 0.6665451967873188, 2.4864155984600815, 0.1473600113764908, 1.0817857048804758, 10.732706476767852, 2.9529717754937406, 0.9800995760637757, 2.312727262715068, 0.0014718151405434404, 0.2229871510665646, 1.8142694312546772, 2.728366538907329, 0.008346355991957486, 0.23959707909647862, 0.0010584381389209274, 0.39593612430244346, 0.0213868964718689, 0.02251534200757754, 0.03244025081698962, 0.7649432293521957, 0.7281461786915019, 1.050866918565799, 0.41950011035293233, 0.04015529106870946, 1.0431969369849399, 3.6995510738587303, 0.9503951261462807, 0.09205785766253276, 0.19500444302442, 0.001217848466166824, 4.743336596486109, 1.3308302637371936, 0.0004590075898939307, 0.2692823823082208, 1.1080394675949228, 0.18173804818912329, 0.03700821140076271, 2.6214653712442035, 0.31476250205621026, 0.23677234341718803, 0.9795400785970863, 2.494356701682149, 0.01696098603491679, 0.050356128351481275, 2.3976336198672636, 0.607138290513317, 0.7898771327420557, 0.4053275788438968, 0.8626633432040148, 0.08914425277427544, 0.00024086302042994594, 0.3201910548269456, 3.3864632196104303, 1.2069326774169742, 0.8101964518822767, 3.3534607622888264, 1.2302769858869083, 0.03894275131590746, 0.21362457361847229, 0.18921436248832074, 0.5526011426878594, 0.8319155024123324, 2.665350208504066, 0.8405322044462746, 8.247100777348741, 2.9376203273479, 5.007629076623643, 4.748534296446458, 4.659818963953889, 0.15427149993343614, 4.6412195946047685, 0.031006341506016926, 7.400133763522637, 0.0013000115065827608, 0.15213609156476118, 2.8245902930412417, 0.5019756204376947, 0.08289092485257399, 0.45868544498018743, 3.999254186392397, 7.851888928398046, 0.027320283079810045, 0.03662467889454343, 0.13755685678302884, 5.374600164907578, 0.24153770681935263, 0.010178737566356327, 1.169815730903655, 0.5851229035845584, 0.24307294437532895, 0.754649342809233, 0.06259225276473909, 0.8373279873761931, 0.28331054856569865, 1.9268130845694689, 0.10404692605262467, 1.509191721085616, 2.652373173264126, 0.8882230150831005, 1.1597969208125736, 1.8889433705874892, 1.0371474560391023, 0.0004382165239843183, 0.1690390071370075, 0.12264471387824803, 0.11458826653918246, 0.3852277062953526, 0.36887468331844536, 0.8361066965009313, 0.3671465360132322, 6.957289529752438, 0.0017941880248216015, 4.159477191667667, 0.15394914561330222, 0.0672076764781239, 0.055224615422617, 0.24246679695366072, 0.38739360570289105, 1.0444424325833244, 0.11765025399828818, 0.031241218653097442, 0.9676428676518022, 0.15692870462114444, 0.3947397134738897, 1.5812315595387532, 10.34747905045996, 0.03358328142391561, 3.7638030557216102, 0.00489656149568569, 0.0002144776169417017, 0.03279609840316887, 1.538821747605619, 0.08634263752357396, 0.3577040973576215, 2.408202978525612, 3.136111458478971, 4.137094331522496, 0.18793264874720703, 1.92625476374246, 0.025147695768826497, 0.7055765337768424, 0.008819653416871373, 3.495193111361574, 0.025932619884434134, 0.8447668031493869, 0.023024652246164703, 3.063966544511719, 0.3311630836885038, 0.00046032592005755535, 0.06734393754316677, 3.0728742831915055, 0.09828613250871508, 4.230523500909414, 2.903688623533253, 2.2073815659148406, 0.0021541432186010507, 0.11116670518397848, 0.08822621846401107, 3.2547864931251147, 0.9028720069864355, 0.1640768484352447, 0.07448779148326472, 1.4270893587031326, 0.14433294544380285, 0.07466139434639099, 0.18253993027660814, 0.03355371602158994, 0.5444069452842726, 1.0839345969322083, 3.4257555736579945, 4.066044554841524, 0.2870517278679686, 1.5118500180373329, 0.6569179928839542, 2.127749769770478, 0.3822564357876874, 0.6283772166443293, 0.2943810161947072, 6.925727993748007, 2.173596735686141, 1.5133079819376685, 0.9052543483617268, 0.021868037772092872, 3.1740565078119247, 3.1817462988947507, 0.4022885348614201, 0.17138959724976047, 0.045503653673324096, 3.6761193651974384, 0.8000925393703808, 1.2708457913269686, 0.6513502210836962, 0.09482783681065683, 1.260158791836533, 1.131389369423714, 0.37998038717826227, 1.8483649999054004, 0.007440827006476699, 0.6750948265378204, 0.0066643036721096135, 2.6548982374804235, 0.32254963978079815, 1.1044677504106957, 0.04068921402176959, 1.2399712773657476, 0.28845138981544544, 0.9604267025716715, 2.163712210801457, 1.4143779348196726, 1.5078059924095593, 0.13590638408694128, 1.0661361776056908, 0.027387804739164107, 0.12676359154640093, 2.0989709279477524, 0.2563286568072953, 2.607447683631339, 1.2136299057040998, 1.1766065052056065, 1.9057627882469863, 0.06751607946702422, 0.06385322721395777, 0.21013349837703454, 1.5146673967796618, 0.012794640990742926, 1.3551243916903069, 0.009703610406790726, 0.009463773890456833, 1.006472432519083, 0.74231501938128, 0.21143701097723877, 12.26305014229856]}, "init_params": {"k": 25}}, "RobustScaler": {"model_params": {"center_": [0.015000498935025293, 0.02357890662082972, 0.03393533300723083, 0.02531342477669645, 0.13443718702877708, 0.021534312807419218, 0.01930720643743321, 0.004158973189708292, 0.012040781262283258, 0.016355427371768587, 0.023291110714382064, 0.056828863551415504, 0.054326811552658845, 0.05649896280277972, -0.022610371300980286, 0.01970094078388521, 0.006178012061354318, 0.05707551634058347, 0.020757024162427987, -0.0018204660621111504, 0.06835419738278409, 0.0161296794699424, 0.16692390469023355, 0.01518858464520156, 0.03940173461101424, -0.005709745915291846, 0.018707626762955988, 0.011691519548243278, 0.028734760265621457, 0.03093579504511317, 0.06069375654236836, 0.051810402954035904, 0.19502164202446043, -0.014541386879538466, -0.005042549914292291, 0.18601303357090565, 0.012036757054488324, 0.02517489731251257, 0.07688627449042279, 0.11456312725956673, 0.004289371622052571, -0.013310421689856095, 0.0188668530797861, 0.0454724766707678, 0.0002208804911387164, 0.024303767375008865, 0.11472171256783092, -0.03414009849691604, 0.14551498368970583, 0.030202676432963104, 0.02220575361988716, 0.15928047489194513, 0.06202318227959273, 0.04925003488990537, 0.07506616300788911, 0.012263850347191971, 0.006233582195034348, 0.13051849434210677, 0.0, 0.0041426301431425555, 0.0, 0.0, 0.031501601260159585, 0.007415553805022752, 0.12170492157762845, 0.0, 0.03545876182833877, -0.0008352882817660529, 0.0613606957885602, 0.015348266030219366, 0.006038208435735372, -0.010060828256057187, 0.0527921695012697, -0.03436959269738737, 0.01144791554862439, 0.006833536059139651, 0.028941268414858345, 0.0, 0.039583415418587384, 0.04686443255425631, 0.01921086437832747, 0.1144842990289549, 0.03565408928980243, 0.043291546563723596, 0.05586533318561843, -0.005840933470937244, 0.03180591788117195, 0.06370219488862869, 0.12117081500305546, 0.0, 0.1731065612548142, 0.03549932335973059, 0.05895720788658589, 0.0523066757127391, 0.03294118951469296, 0.025558888115936197, 0.20105255576945588, -0.00864021791081512, 0.05693427337624789, 0.009762004989100388, 0.0069559147580353625, -0.002222863600012942, 0.0, 0.021943064390261585, 0.11963891143488654, 0.03432585202118418, 0.002495153071043203, -0.0009436754001585615, -0.027181295894395375, 0.011775542152822595, 0.1072675242855623, 0.01770157505189613, 0.06908179542342376, 0.03376251428051939, 0.007617199938404162, 0.0034878865382499498, 0.0, -0.018789236415415866, 0.008426667750765381, 0.1947953056383548, 0.020007446594629157, 0.023993488540943686, 0.03643850290452826, 0.17093179756051605, 0.001859302419109803, 0.0037828771490955675, 0.10618240115665696, -0.02306989366656049, 0.061515038252657056, 0.09526926600819059, 0.03284304661488669, 0.02713556593995967, 0.04360808243466744, 0.09467508410603459, -0.003967118469291877, -0.005114889536992067, 0.03123410327471707, 0.007711051155123823, 0.017469616875330937, -0.026036922841640272, -0.007747608272647673, 0.022842071952927097, -0.00624868230097663, 0.0235636005547452, 0.01190461964698035, -0.024563168067673117, -0.03185678426129179, 0.0, 0.011221460544787237, 0.008728456428610896, 0.0019087520940275925, -0.004047438648429564, 0.006710771232545522, 0.023733091314257597, 0.008324986326636499, -0.004510347409953239, 0.017710279516869334, 0.02874416617795977, -0.009915065457186933, 0.004994415443921882, 0.011463878360522331, 0.006304557536777886, 0.0160443337351734, -0.01237370855516903, 0.0, 0.05007622680363668, 0.01694536108434601, 0.011402154203685538, -0.027350607512175582, -0.016234341347038342, 0.007516143553812658, 0.015482679256227276, 0.0054776566354263695, -0.01029896256612509, -0.009425025146844233, -0.0013665400027596192, -0.021551818376387272, 0.0005974285206417915, -0.013267895290170178, 0.009048154154017425, 0.016774337316815654, -0.03391466104472976, 0.0, 0.02090912714421517, 0.0001255215631713057, -0.007141834318299295, -0.004487777373081663, 0.0034033249446556862, -0.033093634748308724, 0.06137529677895985, 0.019584239987066446, -0.0028008508955659228, 0.006338153693412002, 0.009493757815526627, -0.013112887584100338, 0.003052475259918824, -0.015499603626865215, 0.02053803959730416, 0.01126002353596955, 0.0065783736292796165, 0.043633933705200995, -0.008864969516880386, 0.01028524046774371, -0.00567512406379849, -0.00937816444146388, 0.014379484291982074, 0.003774000692831052, 0.02898474505627835, 0.0034938424888158195, 0.046734339892910676, 0.020394125944694738, 0.008354724984286887, 0.014807430768436417, 0.04395378466218324, -0.009040589999761211, -0.022965918263041323, -0.03512929479285632, -0.02852205076451398, -0.024430026701005907, 0.0002327713551849643, -0.006375476094521354, 0.0, 0.004341912315731238, -0.002516124264886423, -0.007202071771553011, 0.00015134342172407704, -0.03438486749687544, 0.006606666353830842, -0.01137752079400845, -0.012178156561858547, 0.01328984093942036, 0.015910902183020863, -0.006837989096278222, -0.02063695856952772, 0.0352246711509886, -0.0028702683729313447, -0.01571992085651753, -0.029305680398581856, 0.00802875331101422, -0.02645488806724528, -0.0007563111160276559, 0.02105597962770083, 0.0, 0.01459737876689738, -0.002210704239172731, -0.0026882161992672743, 0.015751551157692167, -0.007434293799371957, 0.009965052452028049, -0.004459336716665973, -0.034833487338566775, 0.049067467209524936, 0.07965647996472784, 0.020864200213699887, -0.007699334328802703, -0.0034502348729686704, 0.025389115633204156, -0.023068082294932183, 0.002174582955733744, 0.004205813234990421, 0.012521713326139862, 0.010476316193347606, 0.010944509354925115, -0.008481209782608424, 0.0, 0.032940885240629256, -0.010969664065942446, 0.011552546719984335, -0.021872741283772125, -0.014499406366879184, -0.015495345230747842, -0.00041377988242441357, 0.012152488804280282, 0.1089254827289248, 0.048426217193792934, 0.13276937387664145, 0.020342476496779734, -0.017546808468907306, 0.007779324617487541, 0.002770791274668388, -0.007449992930839712, -0.003121492178115461, 0.04913560195742255, -0.030310309135551584, -0.0004684511669317999, -0.03138120048718803, 0.015424324976819498, 0.0, 6.674455342587802e-05, 0.0010894908492980631, 0.009804950703104477, 0.006507817578044432, 0.024394413547123395, 0.000968203224868061, 0.006560888618104004, 0.034167115290974936, 0.020785406633243613, -0.019888779334268327, 0.012345248557701704, 0.030667621102188847, 0.021200886430724195, -0.00889868221976915, -0.025228754670488046, 0.009276408038406962, 0.03715767912634115, 0.0036437513236709657, -0.027096990198324185, -0.003450042922528159, -0.003518868645038459, 0.004388787829829085, -0.00724644975111018, 0.0, -0.021040853982026358, 0.0016815909850493712, -0.023416411228134832, 0.007061490826125996, 0.08328910205455187, -0.03290055250896838, 0.019414628738431337, 0.03794890155753082, -0.013243522189551016, 0.018457486529314063, 0.013638270563966675, 0.030982559816049242, 0.09194257362436245, 0.01999474886514562, -0.03607864842951282, 0.010831835597129882, -0.0020165993425394664, 0.008095407172382687, -0.010730941503528485, 0.006778199215178443, -0.01906979373100065, 0.019502601285335274, -0.013642786309136302, 0.028434867090480483, 0.005415126155038466, -0.00729105983763406, -0.00303484892195838, 0.009024197211849605, 0.0024454108024878764, -0.002653462225687233, -0.020676226224033794, 0.0017439860877955001, 0.04356215009296384, 0.03457460044028964, 0.007919002146174118, 0.02259667654047628, 0.050555675635297184, 0.13384463533832405, 0.06293358321687564, 0.024116675036841523, -0.003817541759805253, 0.005810354574122286, -0.005769919395764508, 0.011439462471462995, -0.008412460985532607, 0.00607422106570083, 0.018178288268012432, -0.01523160361443102, -0.019740425004802567, 0.012127371553140658, 0.0, -0.01970332314558523, -0.02064094398662908, 0.0060564407619041, 0.0036322533615476336, 0.01893000380233664, 0.10376690805114144, -0.000612320093417352, 0.020967703986807376, 0.013615305187954512, 0.02510462166106944, 0.02030775442433249, 0.03052104704184046, 0.026516498492999554, 0.028121478042397896, 0.030233561358774776, 0.027347293599789865, 0.016814918604630625, -0.007625303421919851, 0.0038203418108776694, -0.0202923872781157, -0.00591728312387417, -0.003513445055980219, 0.007604359225140899, 0.019392034908000583, -0.006148487852864275, -0.005145176515124502, 0.0, -0.009812014580490717, -0.0007019653389380968, 0.010182168009946724, -0.025405301591192215, 0.006324290320164966, 0.1042509209782661, 0.19503325961593804, 0.03390381589085815, 0.0066586768989616825, 0.028295700818005032, -0.021163666879061162, 0.011274822576979267, 0.020240103482002635, 0.010759251671691936, -0.0073021758901306785, 0.040736189738956735, 0.014591676393858772, -0.02702362603942522, -0.008151467888429373, 0.028621399428216468, -0.03516137991623708, -0.0021856085527173228, -0.01138658483748169, 0.008139240490197054, 0.014396578210298992, 0.008254615811072917, -0.002827306691627316, -0.0013136198548890758, 0.010330675514778622, -0.002196978238949151, -0.013369917332689045, 0.001280610428158639, 0.018942680950146663, 0.0006405824881864727, -0.006041192498329209, 0.02234548432314348, -0.0008610356050693395, 0.05853310486093987, 0.06860839265187757, 0.10967580592880945, 0.0752812098998957, 0.1073892057267074, 0.047062524339401654, 0.054845836058970206, 0.01842028811398572, 0.02068278228280759, 0.004519565419652135, -0.028800805926341665, -0.020604530491120907, -0.0037169668379086885, 0.004629601011465764, -0.00683241922855892, -0.007238223897055439, 0.02071274730496111, -0.01991950466197403, -0.02850572799786158, 0.0, -0.016259942356344034, -0.001546568076635085, 0.004469087906775351, -0.004448602541326777, -0.006797792704889699, 0.025552881557556473, 0.0061858455275883815, 0.187845717017013, 0.0016661039070581564, -0.009920228233806854, 0.00983330579975469, -0.012494256489628815, 0.06234432911862567, 0.019804610467550245, 0.15288094824182533, 0.019794459208893087, 0.023583265216917202, -0.014950097871618925, 0.019941707173730994, -0.007243781081381626, 0.00971572785274662, 0.02836015826842614, -0.013964255424012353, -0.009051795472755208, -0.003149207445326523, 0.006656425970111332, 0.026286556381027983, 0.012759013023974393, 0.009848355188901814, 0.0, 0.010116231066778057, 0.010405932858634028, 0.0014214039022911306, -0.013688786528337374, 0.02052450522969896, -0.009473073730598821, 0.04259073252279667, 0.1317706880862756, 0.033385100866647775, 0.026365305611648678, 0.011465581472249768, 0.029251722720907255, 0.08244539856084561, 0.05705545522383898, 0.11084249863029402, 0.04524654611628498, 0.030162429109111644, 0.06821579896571404, 0.09521049635189757, 0.025530782669150095, 0.007738140105249534, 0.033364503019894895, -0.004088402080521366, 0.006671531142023343, 0.007354031221901044, 0.0007776186517298068, 0.012940743613093608, 0.02385557583810572, -0.009266878078260207, -0.0051810965173347484, 0.0, 0.07608499684229476, 0.06888885106946853, 0.0009755719850129851, -0.019048000336389894, -0.006068125504819326, 0.10168737034439974, 0.03392556761414882, -0.0015220455267428796, -0.00248436685741611, 0.029336009159497394, -0.009357284306515291, 0.003099625175770585, -0.015535530205798693, -0.006328561404075807, -0.0039234367042056606, -0.017751782869799237, 0.01431756936373224, -0.00691807755736019, -0.008062317494291956, -0.001368852302388749, 0.018322034313186436, -0.03613485565676659, 0.004539951932988562, 0.022393541338325267, 0.03650309107286642, -0.007599082412379675, 0.03182288706327368, 0.015078025893563015, 0.0026937992322764804, 0.00035076044051096715, 0.024721019649244277, 0.0, 0.004558085511130173, -0.012374730069968583, -0.004792978201955161, -0.016850449439436598, 0.021832701338303444, -0.042294332549420235, -0.01049141004358867, 0.010006322519483463, 0.027968474599924766, 0.001623803626468302, 0.02528279516626084, 0.06349899628898556, 0.09434712001051222, 0.09091656909018557, 0.13824150158025078, 0.015571374583953234, -0.020544733559379413, 0.04518145260163004, -0.006544236599787431, 0.01797599107040631, -0.01206003688111745, 0.01921515483356177, -0.020488799482324953, 0.0007364187863066917, 0.019056718199877788, -0.011990448572969024, -0.0024677675586823483, -0.005204524219399661, 0.0040851598552861575, -0.0030499108820153226, 0.0027797072425183515, -0.036615098089646955, 0.0, -0.027745838348869848, -0.011391905565376947, 0.021027494576448938, 0.007421989705359303, -0.00423882388718246, 0.04240153257219241, -0.03202328039801038, -0.01812159903585599, -0.002802890040307594, 0.06486616727025607, 0.10290475331287632, 0.03219210796849844, 0.009273925695439092, 0.07470221050416456, 0.008780840598210554, 0.05422406741136817, -0.04114594568386227, 0.15128848800306668, -0.0005001986622210438, -0.02297417366680426, -0.007261916607059671, 0.03333789487936358, 0.017015542804900027, 0.0038653839905292485, -0.0016991491926686521, -0.0048925482556060815, -0.028040714133596184, 0.024182177490662374, -0.022740170433163433, -0.0017111001894451075, -0.010543376985389792, -0.008432729760784631, 0.04165970936254717, 0.0, -0.006993675298436763, -0.007316092001340376, -0.011219430357051337, 0.020980932430734817, 0.0009155113851031024, 0.013101933614708345, 0.0006499692534355879, -0.003490242144757452, 0.0883041263358135, 0.132870671078079, 0.005584483658752152, 0.013455487820206242, 0.005929551989139317, -0.038797068559622956, 0.009986082920559832, 0.024905450140550792, 0.050733785571620185, 0.03322393258714363, -0.005219388770515683, 0.021092265295482037, 0.022056699704669887, 0.011902631331211215, 0.022679563319926477, 0.027613984616993624, 0.021096457808193626, -0.010011385135293094, -0.0053328202391311535, -0.0029334274112973514, 0.004879491838034313, 0.00386359546080656, 0.003909351790327041, 0.01752838170567275, -0.023518670535521383, 0.01373585122959897, 0.01069980124447297, -0.009025725516428327, -0.00520440273260484, 0.006640689505109821, -0.007616276861778666, 0.004344689417947886, 0.12116122773292375, 0.05297796970761717, 0.02162630746905264, 0.028834205568761775, 0.0007798718212919252, -0.0058051123915918755, 0.0424320096244954, 0.08304928203607102, 0.031866517530985, 0.0474193886377255, 0.163560077358074, 0.13077004342669568, 0.10703815846073798, 0.027695175214243264, 0.10347256675459472, -0.011534669780154336, 0.027938076544314135, 0.007471813616303468, 0.03767867275458981, 0.018524301700994786, -0.004709754686952086, -0.013254883192887668, -0.022416105441155274, -0.009249809390721413, -0.006087213905433673, 0.011192226149013652, -0.009872332473894735, -0.0335883748492255, 0.014997645865566041, 0.046592785973122636, 0.028133293462066226, -0.008659147793725556, 0.015625476810006974, 0.012342452163069966, 0.02482001818825726, 0.0013409438650008815, 0.00980890361976487, -0.007918524528123706, -0.007689456762209242, 0.09825513639079164, 0.01576450943589812, 0.1315131579489298, 0.04337925682272531, -0.007290806255605296, -0.01679609751117466, 0.0163700831071455, 0.02268343410438032, -0.01964980160110749, 0.005265691460108886, 0.01583534495117522, -0.01832737145256228, 0.012361279230445802, 0.030713289834591075, 0.043300140309372175, 0.10170223339898596, -0.026597380891710442, 0.022760664594155412, 0.005046118070779622, 0.01652280027465857, 0.012115202834712721, -0.034383740597079576, 0.016450135690301022, 0.013680027575633079, -0.01982640848110321, 0.021699734889920767, -0.004186504496867483, -0.004351387482188005, 0.0, 0.013838331552524983, -0.004065476948384718, -0.02681135096954697, -0.0372301162089213, 0.008599770139352435, 0.11946612517283126, 0.03208883616969114, 0.020033369606629322, 0.027275059588402296, 0.043654160649159744, -0.00018260041480310738, -0.004737671396074512, 0.012517018026214511, -0.0025035104228658656, 0.004418444818588162, 0.06234151603141514, 0.05593150675996514, 0.025678478833388, -0.01730103063056022, -0.019177833284659558, 0.12384625085324509, -0.016705901437450998, 0.0037448627810274574, 0.07498255857055122, 0.020002154871743828, 0.01583581877150729, 0.01601316776607416, 0.0004305217359853152, 0.005916886731347194, -0.020128164200829305, 0.012384525566889603, 0.018549558244696625, 0.051045974625214915, -0.012375395374481969, 0.007478473422967492, -0.014211929840299974, 0.02457061467016131, 0.0, 0.0012794109634815336, 0.021401644529104213, 0.01576536858120916, -0.014242323413423342, -0.018466749946146048, 0.041854348345697935, -0.03205932911221827, -0.03020943976640151, -0.0017548389239364288, 0.00808010425352329, 0.0035600721397021366, -0.014732111680152291, 0.06812767086803029, -0.005424091008132043, 0.030579662636236984, 0.0039509289756211085, -0.010990873659556652, -0.00607268672764976, 0.023279385204509853, -0.03466550862652096, 0.020052125620532033, 0.0026557070137832794, 0.0020477871187276364, 0.01647491199356132, -0.009951347976772785, -0.005781951091851051, 0.04155622304096801, 0.01830029479808297, 0.0022295233937518824, 0.025876760515618966, -0.007869644806897145, -0.013918762579470237, 0.019020583428973108, -0.01285222182363728, -0.0010709621564297949, 0.010049952504157049, -0.014753468809471999, -0.025270648329147768, 0.0, -0.017211231325925034, -0.021678854034412474, 0.003019962804573169, -0.006756620391426609, 0.03399490155604293, 0.04221222644320229, 0.010798208045710241, -0.0010163566248286458, -0.019745698103475377, 0.01885819306345248, -0.007389981852808073, -0.040494630936085144, 0.01646038801233164, 0.018384591626645165, -0.003434326335313934, 0.02602044405613095, 0.06482352221089793, 0.030205423150856517, -0.009099961674679233, 0.013506487055532783, 0.0321684248428773, -0.024550049676028435, 0.0025272453187815307, -0.014765584285392557, 0.015253405018165326, 0.0005487008930370338, 0.01660057221435265, -0.03688986356810722, 0.016443755393309036, 0.00863920876554643, 0.029673192876744237, 0.004595289722291988, 0.00767127803742216, 0.019381097466096776, -0.006437793930291378, -0.018662092727981514, -0.008465131457856382, 0.009672856326609542, 0.018300263085236954, 0.0, 0.0075100596292138, 0.005551310051404954, 0.027650985118964855, 0.025168538589363375, 0.010426418839557089, 0.00891738494222342, -0.01965452975020762, 0.011184640822482207, -0.001153716525197639, -0.019196409020656984, -0.013002857409942978, 0.007660056145306686, 0.008597687265527424, 0.0008190703875153813, -0.018084917522948066, -0.016047671670400596, 0.004329348042988739, -0.01117234982971399, -0.0016054973085793181, 0.007642091942042987, 0.12068185852190405, 0.007855331151860066, -0.03354932881711779, -0.011219102663072706, 0.004085540370688531, -0.006708291816238869, 0.007353841246028128, 0.005995427582282126, -0.0055009287703399155, 0.017003021773814655, -0.030161829943528676, -0.007662690866428925, -0.003992321006562945, -0.01672417060241776, -0.0024753335408484933, 0.015497016493468551, 0.02189082961094519, -0.004855274444944825, 0.014405865226490493, 0.05589592780827253, 0.0, 0.01992976608834871, 0.005676066210765916, 0.006173286906027089, 0.00796730182364911, -0.03355152274512352, -0.027485664033085912, -0.024887992421130833, -0.04065844190264042, 0.04136135274084946, 0.015817683050893237, 0.008143331296587277, -0.01247496266470402, 0.009691772662042774, -0.03150724549930035, 0.03150424215667662, -0.022665832488612085, -0.030020424565830504, -0.012939044917066137, -0.002219196422602939, 0.010834114102377017, 0.010750953527097014, 0.07511438523489364, -0.027638823526996873, 0.1101260583660047, -0.02161360826347995, 0.11443263296276486, -0.02337164199549902, 0.004709142156128859, -0.029308045575869683, -0.03292739430329042, 0.016996724505045597, 0.027654176684571017, 0.012241703769492632, -0.005498009682514838, 0.005386477585011766, 0.026829754063886255, 0.002582490273611475, -0.0014589110510584869, -0.006525983484126688, 0.03812116843549514, 0.002140364002179493, 0.0, 0.003787164530967846, 0.012132911625877195, -0.01338912376226623, -0.02207474670198448, 0.017144640915617203, -0.023230664684757346, -0.024025006871712537, -0.0001103998162817013, 0.00826458257494735, -0.004921742497377121, -1.1442489050293866e-06, -0.004277769955147413, -0.0029667458018591605, -0.0006014221387023127, 0.011670940938309952, -0.039539814642231344, -0.01805043027381961, -0.013110836322571503, 0.013168517161839588, 0.003324615946704279, 0.014040940349277166, -0.010964161051051255, -0.024779824402958988, -0.00975063905750754, 0.004579304058586584, -0.003904117275233696, -0.02572845111120714, -0.012094487166061452, 0.04196720281741217, 0.015794781550259863, -0.007223897212875121, 0.01758613686006519, -0.008744325591280277, -0.027917595082791045, -0.006310858550446578, -0.0028335778635856196, -0.01583445990499776, 0.029399807998827424, -0.009482676692380327, -0.0032226171671341053, 0.005697709330058173, 0.0264643585354252, -0.0010315980889186057, -0.00527032782193421, -0.008826236355065548, -0.020347668635563948, 0.009081297234373346, -0.01795001261430541, -0.05027399318056281, 0.007532266374509725, -0.012623828390874475, 0.02619955884312886, 0.005329472081841802, -0.01586477272629339, -0.024319155539920867, 0.005378578801485021, -0.044245105624340926, 0.002777960891392313, 0.0005908289437489782, 0.004549339529584794, -0.009758083783061616, -0.026345724299103385, 0.023430208628538028, -0.02859849031419095, 0.01526461539316917, -0.0314842916528425, 0.04273245048520531, -0.009415143338022094, 0.013609893555456115, -0.0022437523978498467, 0.011937317166708476, 0.03634570911919833, -0.040402397403998876, 0.12691731437182038, 0.008929094535754205, 0.013539725714093164, -0.0051187271068293, 0.016952937298213552, 0.0157528237704913, -0.01277971477702012, -0.003436648918494371, 0.020925333033282197, -0.008607563958357642, 0.0032090635515414053, -0.019589479116225123, 0.014699950409864816, 0.0, -0.008192930786758389, 0.0362410883369731, -0.012153069357010502, -0.016453077694848404, 0.020880581968829855, 0.010243329339976225, 0.0009029809326701155, 0.057167232429885285, -0.018350612070169026, -0.029743378802617664, 0.04360329891739487, 0.005399181757496478, 0.03643307882944553, -0.004851664112625877, 0.01468082787615095, -0.008663687158872018, -0.010951107805729825, 0.005966792605793231, 0.025584937443496512, 0.028895364011902964, -0.004864757412620513, 0.008008535174164161, 0.024102767496495647, -0.015352362613707773, -0.02762013077464488, 0.007627405805290355, 0.02735820688347375, 0.02302200073072747, -0.014900282056383427, 0.0002799409363894662, 0.03458769402711725, -0.016087285067584327, -0.0361371478821114, 0.02182111036257541, -0.02072090417529842, 0.01277691366053879, -0.018816103771661763, -0.012666107373482819, 0.0307971720883646, 0.03746665526867329, -0.01245798497155867, 0.03624706886320765, -0.017981803231308754, -0.024152076977162526, 0.0, 0.02232736706648689, 0.011131163270787663, 0.001399630771006396, -0.017857489177051954, -0.023561724118181315, 0.09128805560395806, -0.00879953950594113, 0.004629369164275965, -0.0021515143693907044, -0.021617357827256548, 0.004313846255114769, -0.0012868936932295125, -0.02252573809528233, -0.028759949099693774, -0.009460657814086892, 0.028889097924101798, 0.014137485044788988, -0.01664953075490073, 0.01518182088153052, -0.019227828900531627, 0.05738346668451145, 0.0022131548966405814, -0.004498361195160645, -0.05454829527089188, 0.0165600687184988, 0.013157960484401215, 0.021762657096124412, 0.002582979212181367, 0.10350123902433135, 0.02662998932140999, -0.016724083852903155, 0.0562564398967325, 0.04185810347262368, 0.009875551489632789, 0.016456146421652277, -0.013493438624622281, -0.028163033936704576, -0.007980338608061598, 0.011550746602833404, -0.01710976531138532, 0.019167936456732884, -0.014234518632212244, -0.011602205063749552, -0.011337486791847639, 0.05087389020052526, 0.0, 0.003580006672747981, 0.02976541403691796, -0.007454881369040961, -0.018567553358510826, -0.028037212363430132, 0.016072139927513437, 0.010982456241725629, 0.007028297863492991, -0.02494884246508025, -0.01578686376605872, 0.011548142221964087, -0.036208412418289274, 0.03914063220855401, -0.03379584780091579, -0.025851355368803782, 0.035102531353672375, -0.006840059611792341, -0.015674374369628517, 0.01860621741424917, -0.01704112459713293, 0.010766566312798357, -0.012553970751087965, 0.0014570222497198393, -0.03720277181282213, -0.03105871263866322, 0.05655180509107836, -0.007303396916261343, 0.05120883718799606, -0.015421633381466685, 0.00237357075543151, 0.04461704917968972, -0.009909392845678626, 0.01426012919804965, 0.15456168739188175, 0.011647005312234966, 0.019244745887462576, 0.014059138537174769, -0.02770732519838956, 4.158598850582696e-05, 0.0004846445935241792, -0.026507708936370274, -0.007180510477089223, -0.011265790605506804, 0.00435129250988182, 0.0035348590213397963, 0.009118358903534863, 0.0, 0.04488769297954516, 0.04799877831128597, -0.012875315166719392, 0.0017744819390640217, 0.009137060709241005, -0.0031687476151773144, 0.01731968913368935, 0.019552856606256185, 0.002797010758479477, 0.0007939501877967073, 0.002622287475482948, 0.003471034640978414, 0.017700844353754477, 0.011601009498231079, 0.012188742428736679, -0.01209977805302563, -0.013278505325766394, -0.0071709755847201035, -0.0042809989833266825, -0.0003692252963585922, 0.09908496304015384, 0.011092886497635646, 0.005800505985715372, 0.0005579738920263116, -0.015023370524567802, 0.01868331910002898, 0.01891182517713282, 0.016270189649323773, -0.009646611812979546, 0.013372519149204547, -0.0022588289110064014, -0.007992725689315902, 0.00506969473717432, 0.013214255351579156, -0.008914104032671571, 0.040698361938168275, 0.014652692868774728, 0.03052020530536622, 0.03820379229958484, 0.010043163461459819, 0.00043427349920699567, 0.010511352865006419, -0.029102316787717394, -0.012350281748187352, 0.015225832460367246, 0.02474081289327341, -0.005512023934184278, 0.0, -0.030119807675512502, 0.008100263788254933, 0.0177039955040133, 0.00886017822787928, -0.01926235835963853, -0.009354451119857672, -0.00813441951128182, -0.03564898676427593, 0.013098266036125234, 0.059584143855672005, 0.04722693382742056, 0.026339557603552857, -0.0233750411711243, 0.02598427012273088, -0.009616164279785929, -0.022415295662200938, -0.020109553280567412, 0.006983001675969656, -0.015440928254095019, 2.8780205399750785e-05, -0.007868853945140737, 0.020196943711440832, 0.038024381298586374, -0.024611777425601347, -0.012986167033615825, -0.005389607370553522, 0.009590560186235561, -0.015624403180389665, 0.029701562084560172, -0.010397234397520477, 0.004952946908156706, -0.0032526849115855298, 0.03482991044668273, -0.013786166766873865, 0.0032239224720312194, -0.01725120181622659, 0.015165614126215114, 0.016907855323042602, -0.01593624856022917, 0.006825232986575356, 0.057832961065683, 0.007055920380165327, 0.008900321020262534, -0.020307133945686517, -0.02070624954428252, 0.002673891517907794, 0.0037888202993621462, 0.0009690967129580576, 0.0, -0.014072345579238225, -0.0043311552818371376, -0.02190707471486638, -0.026330523628570364, 0.0198268489259579, -0.04488808913770246, -0.03099816025527376, -0.02209239853539503, -0.028856799875617487, 0.0683383176255285, 0.09502415047656951, 0.02835277181733546, 0.007234405551811105, -0.004560782943210868, 0.047517878718903526, -0.02066164547229694, -0.020264517868773313, 0.03318241735907982, -0.04362948102981239, -0.018100591422725597, -0.006382436839678692, 0.07773299972321758, 0.0720158833578688, 0.0037276971985031196, -0.02722917594489899, 0.0008875445406099786, -0.023057930527764836, -0.03358868311389528, -0.023278246237282692, 0.000676424874338544, 0.1199652415827615, 0.0030655499188726935, 0.008897752050748484, -0.0011550837352478599, 0.017045374810008198, -0.023212363253074384, 0.014145354728865954, 0.0906483199795115, 0.027564213672727097, 0.01176638488454422, 0.030337097513893223, 0.012620650678674301, 0.003210399602973318, 0.026745508417082068, 0.05321828463311721, 0.005279898918635266, 0.029864812200465, 0.02903756935645835, 0.018432340585722698, 0.0, 0.07806797799174384, 0.04247197701080075, -0.0005213992178975348, 0.0172641152339657, 0.03929691783438437, -0.030203829565682676, 0.02404286729354238, -0.007195297648772843, -0.00444030861271597, -0.0013188509819211216, 0.0313852228081202, 0.022605436259589315, -0.008404559981263797, 0.02703905448878824, -0.021797823685858825, -0.012585270805891252, -0.011551991936135627, 0.0011928980488939331, -0.01056140129309423, -0.004122070358242372, 0.04511490009945269, -0.005818157469872183, -0.006564626515421418, -0.00041759019149043757, -0.02611370844062559, 0.026644003448149604, 0.003590024542105025, -0.018798316547514883, 0.07663461019447787, -0.01155939754337727, -0.00576056058787239, 0.08942062860814175, 0.031678920444568555, -0.0010819362810056568, 0.016616591255442743, -0.001924559889637844, 0.004121833841196614, 0.008928831229213716, 0.007583569379341997, 0.01777286606425732, 0.016539366302339542, -0.029339083120173123, -0.021510984910476292, 0.023304163805141314, 0.02058546745635494, -0.007340460112614047, 0.02472472513362798, -0.0034887629635735728, 0.027181644368084578, -0.04737999743399591, 0.0, 0.018826678953556105, 0.012709519360761827, 0.00786566615329246, -0.014807796813832343, -0.015360701460809792, 0.04101562112669055, 0.0030816001057485227, -0.019788845096068847, 0.01632704338852542, -0.012245438542999204, -0.00583004163027115, -0.006968233628944956, 0.0181154575776889, 0.006579559885974014, 0.04599444991479536, 0.0029887301379281513, -0.013038302086443297, 0.005891259768914275, 0.12659389283489217, -0.009590676224865266, 0.0035559785504628437, -0.02657616193061121, -0.008977847813236297, -0.012579793256812981, 0.012934054435396474, -0.037999873237910826, 0.034171840304291934, 0.06154510459302444, 0.011746378136358851, -0.020230605797625346, -0.001250168446714646, 0.015285853416385213, 0.005988401713576752, -0.017467895362221042, 0.00700552385331451, -0.03376879304845542, 0.024339991734633942, -0.001326078117337134, 0.017071029272977746, 0.017410210687783263, 0.015989950521679668, 0.019750360526633193, -0.01480152715603972, 0.03978723214871154, 0.009192144542681809, -0.00406944528394961, -0.020892458871163536, -0.005914434051479025, -0.01665150546455277, 0.019414827395498067, 0.00445687243608402, 0.0, 0.007644381949928733, 0.0015983549896604503, -0.02291891351312469, -0.0005863167612006301, 0.013144983233381275, 0.008069100109916951, 0.008017513459233294, -0.028021203095255114, 0.0016498959519193898, 0.040199300571821216, 0.047369672956086115, 0.021051731811285532, 0.027570868298349087, 0.10733016663761595, 0.0045598663893782, 0.01808869313931226, 0.012647787113847156, 0.09357331830316577, -0.03409625984619778, -0.0025265834394637577, 0.0024662397328972475, 0.05313503667803475, 0.11190641817362564, -0.03001947401444688, 0.004675132949365852, 0.02879429426909595, 0.001687438982975063, -0.02121426267088104, -0.005464864288462316, -0.0036516183824635133, -0.0005048473002334735, -0.016127107243001752, 0.010129387862274224, 0.01672026216413703, -0.03114827273726702, -0.01223991593717543, 0.01227889486013793, 0.1063040775542114, 0.06734864435139662, -0.0018443608312614416, -0.005735076514877083, 0.02289987895352699, -0.022193770684068425, -0.023006466330088293, -0.011765622358770201, -0.00046161767839197464, -0.014044811487444825, 0.08033335721788969, 0.002106796852560997, -0.007034737265444053, 0.01151150200892458, 0.0399756627687783, 0.0, 0.005322054784034374, 0.006365495805087927, -0.012746032355161117, 0.006095365214555692, -0.012278016058993355, 0.016561883583768613, -0.00730903116427381, -0.007511234177066043, -0.002625849239014559, -0.028345416541870158, -0.037884042275276496, 0.00019554011972511458, 0.0219389514035273, 0.017054179886674216, -0.011396932768354741, 0.020885656568125775, -0.00028130043684083776, -0.017525717125590264, -0.010751682135997524, -0.013978154092980833, 0.007844169708716204, 0.05439793615345684, 0.02029187881642056, 0.050702884753133906, 0.0018136424895187223, 0.04661514313344633, 0.012585816967138754, 0.060432660796285086, -0.009597520847093834, -0.0018068998943241335, 0.04335861968866288, -0.011539538072847003, 0.07735393772227701, 0.02505670658749722, 0.020286883053458056, 0.1083806954888552, 0.003011667277283595, 0.023775314870426067, -0.04459026861187735, -0.008871787121734379, -0.0006280158451252677, 0.0687913975036345, 0.0159284099147683, -0.00815471019399272, 0.0004573864008579711, -0.013959707538477579, -0.011874933981489299, 0.0014363743456685253, 0.06058403363472818, 0.03238053279934636, 0.02847195641048878, 0.013649982392296752, -0.00700543458888048, 0.0027020161438643716, -0.012325554656776774, -0.00529765866754916, -0.00033640184348252846, 0.03203088582200878, -0.02303401825043895, 0.07478864541109395, -0.03469164386586701, -0.012913397602752867, -0.00784131626515747, 0.011477394634173445, 0.017878077696071075, -0.011694425640157179, -0.006254512294551242, -0.05316460272152226, -0.05722830705082974, 0.03878778126332671, -0.002936528721954515, -0.051586768188462875, -0.0020836147191785393, -0.028932772706019304, -0.028876604367311737, -0.028061226834625322, 0.03744700570455102, -0.004446268250469818, 0.019837469702542264, 0.035960517821058385, 0.001818450816425747, -0.01389317232187963, 0.0022407272324132563, 0.0014536159982941792, 0.010272634435108863, 0.002178399719586648, 0.0978632834312477, 0.00681364764633074, 0.13668230483914517, 0.03776644938620366, 0.015744608621744028, -0.005254772488069102, -0.028670332712089967, 0.030512671774794577, 0.02021997859471204, -0.005731586860979526, 0.10625714048801323, 0.017194273981765998, 0.00423046340537043, -0.030483389181859093, 0.029160152092587, -0.018300015855877268, -0.024542870908480025, -0.006026816687333019, 0.0042492696299589044, -0.003632533008456064, 0.01108369172583861, -0.002677864319709815, 0.0, -0.020365119724736935, -0.00449257930299617, 0.007183123815076132, -0.03638283172040645, 0.006643822180588709, -0.023556457670257568, 0.01056441148039263, -0.025505897276718894, -0.014025590019744325, 0.043914527275643545, 0.029939474706677207, -0.034613384935021405, 0.018627450828533693, 0.034882091242785074, -0.02270735711594268, -0.022178067459381844, -0.021443220147556685, 0.003425104882927083, -0.030601662199686606, -0.014544860760800684, -0.017492989546245574, -0.012642701036514215, 0.012626559414977067, -0.01917842275039033, -0.019658464577604583, -0.04724607260232549, -0.011404254921055075, -0.022863683687750148, 0.08545845904871262, -0.02497021088071939, 0.02881547215441497, 0.04256066448359658, 0.1641261365940761, -0.0022471666449314395, -0.009817186872320631, -0.030352563431528753, 0.001716743071708817, 0.10119694019729954, 0.11162923995294023, 0.049755091354396624, -0.014427276410556123, 0.10175568184818423, -0.03221711157502466, 0.01079541882324068, 0.01448267315798005, 0.024800281685561587, -0.009771175703651134, 0.009855004659937099, 0.0043247471135451285, 0.0033877290237512786, -0.007612188984189714, -0.0066700261253064925, -0.016912718154643704, -0.010497188261568962, 0.007936324177180522, 0.0, 0.005440928882528529, -0.005919157296318389, 0.020547864277458933, -0.008914259915738559, -0.004459339825874082, -0.010027545364840584, -0.0018943361699069214, -0.005659526655525957, 0.006933073306483171, 0.007925626139816672, 0.00032996336873252743, -0.013654705522376596, -8.145219858368193e-06, -0.006985669646331793, 0.0016117073993383265, -0.0066831770741926705, -0.03327057068943872, -0.013173058260691994, 0.00984602148650167, 0.00021103872759985334, 0.04004230988814365, -0.0258850945493442, -0.02567388046592883, -0.006975360351662666, -0.0043191310186293875, 0.004622149900809102, 0.027688295034498624, 0.021533117662498533, 0.03334883600971379, 0.1359189283401629, 0.009606260454831511, 0.06605785697609332, 0.0338588194454195, 0.02083949099874617, 0.13143810327015215, 0.0016708094872720971, -0.002588639445673756, 0.05233729967216728, 0.0070820983671264146, -0.009611136500310783, 0.012454673134617815, -0.007952456296606798, -0.017125717343466997, 0.10314614197289468, 0.00922300235609961, 0.021912346491007206, 0.01860926930316622, 0.00948472555087792, -0.0029421727103644086, -0.007869304017807102, -0.000517640427823313, -0.006064405854455267, -0.00025492536855334635, 0.006391043929566038, 0.013147188297617686, 0.005185398845529996, 0.0, -0.017121464397905538, 0.00657587283948857, 0.003472738163327729, 0.006117594792926459, -0.0023458253095223966, 0.005769036134415653, -0.004016010097781696, 0.007333069785796668, 0.0025390423988087304, 0.10535709577336944, -0.009268833827324905, -0.012219782368865251, -0.016990292119776335, -0.002122397109359115, -0.009555914146041409, 0.009845499967032564, -0.023794051871166566, -0.02012722669219738, -0.03499579459416782, -0.00981665339569865, 0.0238253453591809, -0.005891391565464784, -0.0007577919376518749, 0.1095936149578945, -0.007447689397711023, 0.0336074893046064, -0.0076949064149836235, 0.0011611636825025853, 0.01306357917507981, 0.0403577721374145, 0.020948760443168738, 0.09225031023264504, 0.0078072458073824135, -0.011817640143522214, -0.012182624342074148, -0.007513789486933689, 0.038765210128361836, -0.009371913296015433, -0.004131063214275588, 0.04149161665863636, -0.03181959484026718, -0.012163596823800037, 0.005499410795764114, 0.0004154976839338095, 0.01198491450022239, 0.010784631924151748, 0.015427533176722814, 0.014534278370597625, -0.003484735808361518, -0.02916331922192766, 0.0077736465670820085, 0.018801811950093124, 0.04191587406569509, -0.01632820542374727, -0.009568755845538708, 0.018761565517422536, 0.024272105184944704, 0.0, -0.013994648332452968, -0.0034087893495709787, 0.026551689101860045, -0.012167439150696282, 0.007596013358079277, 0.00042551978159882566, 0.029695290480662648, 0.050647624798878736, 0.018545030918434263, -0.013043099253183565, -0.05890892102772365, -0.0012826857374984544, 0.033488110921860444, 0.11314158630743518, 0.022273946335324698, 0.008007099711663553, 0.08359616597378018, 0.0045353366327889125, 0.022069481437581612, 0.013494219846022585, 0.013970440903695895, 0.04246953386776011, -0.03237000938315329, 0.036056805567967296, -0.008531186121191773, -0.005383112628601108, 0.05041615450293502, 0.07103734786443064, 0.04398514887913146, 0.011368390850683472, -0.032185046078247376, -0.02770918695944439, 0.04586182784428689, -0.00372982189400442, 0.025596447427694975, 0.03642593942435163, -0.0024974737841145394, -0.042685589827717425, -0.041017482903034905, -0.020215232001498162, 0.0018227650343115164, 0.00038052636159057796, 0.13264727521149497, 0.0035448569877970623, -0.023873502945777447, -0.0017506498424463065, -0.0033256846737366613, 0.023203137120778573, 0.005527626919856422, -0.008093568224226442, -0.005618859078334888, 0.015218055095996833, -0.00939780274696153, 0.041585941345088424, -0.0032796797854272772, 0.020476748770605683, 0.0025110286425423655, 0.039742741377076576, 0.0, -0.012368189732326593, 0.007605553423719094, -0.007096211709093688, 0.0161995712902542, -0.013599427662574312, 0.029679084736576912, -0.007096835110633658, -0.0008961921108425197, 0.04339958017663569, -0.04004579775541143, -0.01542489909512467, 0.008314421669317562, 0.021668193207970417, -0.017607036575254444, 0.012854612541904125, 0.06558674076271602, 0.04804488198126441, 0.07271741113776102, 0.003082701864681241, -0.004135181108991562, -0.0016373987389093484, 0.04305976126986673, 0.0964737594853908, 0.0926358659966135, 0.045787154144714064, 0.09900902936904696, 0.0272445267112006, 0.020890261370915642, -0.00285653757517116, -0.027428574067089883, 0.040423968342538696, -0.0183993574752287, 0.011831937344060673, 0.015851474286842544, 0.0482385840281832, 0.07513102035531648, 0.004787009240467224, -0.03728169200087471, -0.01684747680036907, -0.0019235094494494313, -0.012966552941035447, 0.0294948273943877, 0.1474247804163831, 0.07047898502418266, -0.04921895694981505, -0.03339820588080545, -0.001772800123363752, 0.06583301767422924, 0.017255739936781773, 0.002506632487912214, -0.0015368424755364896, 0.027964217720055102, -0.0031674805086152487, 0.00017708983536371127, -0.0059969628921386214, -0.027097063099578586, -0.015087927563647194, 0.01438242534767568, -0.0047203675256438996, -0.004545404141361299, 0.0013389392362715363, 0.02752248513338327, 0.0040553891564456355, -0.007420693031800096, 0.05425650243873647, 0.054421845183067426, -0.00786603131859739, -0.020590654957355622, -0.03245709588811518, -0.014252693131916173, 0.02568119210873669, -0.01609892590294164, 0.06626492426862823, 0.04738370959465467, -0.03506778215867033, -0.013642046607705991, -0.0016472252762779103, 0.015269126725960033, -0.010146233041063966, 0.003512152076756781, 0.0007251683541910541, -0.03218137151898871, 0.09587518156111335, -0.0330720345558499, -0.011567313152013925, -0.0191953366599315, -0.007709215435321659, 0.031383316721014035, -0.012100836019141994, -0.0026477558835649533, -0.004888901983019224, -0.017631536320892708, -0.029818075069414463, 0.07656713486224695, -0.025516257966082635, 0.10072672548463826, 0.03524277427045291, 0.017306097414045554, 0.05353948385027965, 0.016164978773162055, 0.006261089583229272, 0.06939806335645674, 0.017462998311479058, -0.0010746529887526246, 0.06929534616685915, -0.02831873747570522, -0.006739142162702709, -0.028204389531037294, -0.01995443697005759, 0.018190453954861917, -0.0141450329944495, -0.012465721706292534, -0.02931206764553978, 0.00693476595449899, 0.031156666183939377, 0.047922817734956796, 0.0029688006147346306, -0.019518229168580186, 0.014455693717595901, 0.029505167924001013, 0.0, -0.008593035479012067, 0.009229400453827969, 0.0004315897069072181, 0.013739768012687408, -0.02614000515165164, -0.006040163527769314, -0.019366094761177854, -0.015929133022044635, -0.03284285136254622, -0.020758307003406282, -0.0020201931554904838, -0.02006934712298948, 0.010174387130006733, -0.008381934509119211, -0.03598252262662628, -0.016749294069096834, 0.009992740245874559, -0.005726453792572685, -0.0042407098508480175, -0.028988099987970355, 0.0010293132711048335, -0.0031488836134263803, 0.014824462256149425, -0.04968172855440978, -0.02256444099218834, 0.01246657005997854, -0.04318947087165827, 0.05953385513760354, 0.0025301457790091863, -0.02858721836730792, 0.08301234900444836, 0.009817171718832077, 0.11064291544477146, 0.007773134470021112, 0.031626622918641115, 0.12271308974660712, 0.0058455797498912785, -0.04148893449188361, 0.006529794293824325, 0.03198365734945451, -0.021488036040175507, -0.01578631004799918, 0.08062069854591791, 0.10893269693223946, 0.04038563385101893, -0.008047811993034042, 0.031970543856920004, -0.012540006246981613, 0.02293123334752362, 0.06763755348479153, 0.018190760547933945, 0.0014069130615991428, 0.014560039909848126, 0.01475894787010978, -0.02254606328748364, -0.024551509800812436, -0.02596920912466573, 0.009460436959713346, -0.0010809219605616856, -0.00447925588354759, 0.006991226277979613, 0.0, -0.0011025598466518642, -0.006649385602864626, -0.027265132586559094, -0.012526163780138972, 0.011568297658290042, -0.011804413819298287, 0.0022324343905234254, 0.024353880071213176, -0.020443636667408165, -0.04789952480496066, 0.021741264995622345, 0.003041505788505814, -0.0005312305882657778, 0.0562711833149258, 0.0765388682466861, -0.0060908750641934664, -0.010142864881853998, 0.0032988721613462298, 0.04733393122156206, -0.031588405137826625, -0.036699905540153066, 0.07205790498852986, 0.02048710643161277, -0.016717932083881927, -0.027889738616939233, 0.004878824633010368, 0.013465898723989176, 0.04712174796015105, -0.006672510897492667, -0.0025204356150262458, 0.0324904548990909, -0.009054001583601859, 0.022638913958333107, 0.008628023981440252, -0.03408530755098319, 0.026668901261353916, -0.02086106435602817, 0.013709325720641688, 0.005340630443773627, -0.0062029659054599505, 0.07762913471958537, 0.09249179315146373, 0.06118730875517312, 0.03521324615394692, 0.007124026052514612, -0.014687085303866821, -0.025777013002423077, 0.04070947779036383, 0.003266062060763798, 0.05588346545259598, 0.033174088368490104, 0.019477247497753387, -0.01705431893066853, 0.011900360232554875, 0.017853488535062585, -0.0025063437050137963, -0.010185640259629659, 0.005359684147873939, -0.01604139510965748, -0.0021978178782179197, -0.0012729066221708486, -0.014028673565137699, 0.0, 0.002210834297245321, -0.0013983550182612558, 0.007518489435329801, 0.013442342978120183, 0.0202195760711847, 0.06894024898589024, -0.006780349713376474, -0.018166956987380065, -0.019120184164696893, 0.007084228123841515, 0.012583939298300565, -0.03455253287741415, -0.026401208841442276, 0.06325144170260344, -0.03915124414525755, 0.026748077949228333, -0.0030170626099230253, 0.01776293136302942, -0.021080834105936544, -0.019825633798163232, 0.02663766751055062, -0.019922079029677096, 0.12158991938489924, -0.037285194957620116, 0.00822719688802517, -0.010919002437694104, 0.002706495927499943, -0.020728222952394675, 0.11626301392237381, 0.013248658490355076, -0.026457402845697434, 0.05149703612704852, 0.009689069756082087, 0.03892206526804615, 0.07315765928845963, 0.0017899112922976574, -0.00455379639807475, 0.02484593051361439, 0.006841592552116834, 0.07686495348250845, -0.0010196161530293553, 0.07143095618213333, 0.0010079406800229528, 0.06872648734450325, 0.13557414773794968, 0.0682783703778415, 0.006771176429699051, -0.04219915524435686, 0.00319682841155585, 0.0851304755130727, 0.02708029867112715, 0.020930589165031203, 0.016376439295909005, -0.036533216344172253, 0.012824032145778437, 0.03076402641946857, 0.021852334609488572, 0.02185332889102533, -0.016098078115324082, -0.023367411507312797, -0.01169777175807879, -0.0005689763130885356, -0.006328901185530769, 0.0, -0.03402528622831806, 0.02387369727268911, 0.010629436020312926, 0.009986999298721789, 0.03967196561007872, 0.053853044954565464, -0.011772104800962831, -0.0035814354484149146, 0.0142426488224326, -0.004490248913271506, -0.0019121563086040457, -0.016047431049000832, 0.03473948317487216, 0.07886671908444623, 0.018824732020521623, 0.020109797368423693, -0.03001617086833463, -0.02809755431166421, 0.008821520520509336, -0.025959774155862748, 0.0664702901606337, -0.02130880958825779, 0.039856652084171905, 0.031008100253873763, -0.04625148502685624, -0.005592369591609849, 0.0315085371516076, 0.16547799142049324, 0.004057652003461988, 0.010482658712751789, -0.014373352641167318, -0.01236644965670837, -0.0252118114929355, 0.011585120359465025, -0.005799308750202315, -0.005960155234334888, -0.031655674343575343, 0.03667075858954057, 0.00351246563640059, -0.003311918368485584, 0.07397722435115713, 0.060842807085637766, 0.009511483207905009, -0.019391795762344576, 0.05232185989066677, 0.0022693165465837513, 0.010281766741857304, 0.03674656542363777, -0.029647266746454206, 0.1549952371477527, 0.03572860097880623, -0.0006172773706575671, 0.027091664890125017, 0.02103340211844145, -0.018900338023790878, 0.000875190442732758, 0.01626639096474718, 0.0074562582262155805, 0.023583781942399146, -0.028437420306840894, -0.016242242990436903, 0.014651185421569351, 0.016113459577397845, -0.01147097809069643, 0.0, -0.0164539012155462, -0.0024091914623673174, 0.0003646929085166765, -0.0013795149091234498, 0.017498434507254416, 0.0030988925089736365, 0.05723689082576046, 0.016362509699913156, -0.009565945801776832, 0.054004934805011534, -0.0063232861742131335, -0.0016329925179177842, 0.018392765097416386, 0.05088104699082553, -0.015556821634756432, -0.005364576277782748, 0.0833534171874597, 0.05413293903403851, -0.0127045685007601, 0.023646703785649086, 0.06850674970906791, -0.018457057480114735, -0.0017496223958524586, 0.06643483138421892, -0.036934136871532984, -0.01298526842991753, 0.07841159018262849, -0.02554528872414672, 0.1579478725254726, 0.0005457545083124774, -0.008902136680664138, 0.02083351905508229, 0.028008518137046853, -0.01807806569223632, 0.08214687066293024, -0.022072242474913847, -0.015518058025431497, 0.01692001208709981, 0.0021728746118831457, 0.01905077204191865, -0.010755389137034001, -0.035359391628055556, 0.017409063842694205, -0.0038542617293125876, -0.005316288119414551, 0.002497813317160204, 0.06660264176011836, 0.04712033138852237, 0.07251470110087922, 0.005870926605826627, 0.0019887224280145375, -0.026358597534720474, -0.013980885366374452, 0.009838717833689682, 0.014370754731349659, -0.004784502325748051, 0.0472790245936461, -0.03028779947797704, 0.021841568357278046, -0.017070533083845867, -0.0038721845578272717, -0.024659308880371437, -0.0242163662909927, 0.007929182249819306, 0.012392143904194543, 0.0, 0.017654097582547896, -0.006304345541790406, 0.004461677986544266, 0.008529901558925246, 0.004783716131051213, -0.006694182693950966, -0.005295560937886993, 0.06331755054837586, 0.013919105646439594, -0.0007733906674113729, 0.006703561372387411, -0.01770762055796704, -0.014482683068855013, -0.007822455518916558, 0.0016966617643016364, -0.008840588475011379, -0.009843783880877189, -0.02404394765025787, 0.048195096240419115, 0.02347234980634358, 0.031542557014868695, -0.030630937749618448, -0.012521184277608191, -0.022341268721449162, 0.0031645594696302908, -0.028051411836124966, -0.013006129641355144, -0.03292321140482791, 0.0022130172561965703, 0.009010575722117647, -0.01707508226939948, -0.006198546660084855, 0.0009871101586497425, 0.026268708537024413, -0.00012169374267745036, -0.01887407123550301, -0.001577940437348679, -0.005509710859125301, -0.014401271582678177, 0.040298414261604215, 0.022842204018250767, -0.01948618053278094, 0.00924758476451111, -0.004681978621859919, -0.043040331090909, 0.010347100990699127, -0.002691342094373184, 0.023177483950790806, -0.02619050176017874, -0.0011095617219545114, 0.005133833043063283, 0.01573444291010475, 0.028238991762763017, -0.0047108267964617225, 0.0029007088131009187, 0.02546517067950031, 0.035198224512638224, 0.002551053045905874, -0.0012494893551883578, 0.008778197758153864, 0.008734465384705133, -0.020920567812380098, 0.009588048457918684, 0.045324531783563556, -0.002793676453476872, 0.019644759120612736, 0.0, -0.04319634175097224, -0.022653332835026567, 0.007402684408824025, 0.0998154366558304, -0.012694733102265201, 0.005723712235083849, 0.055505278867259776, -0.02866173166350651, -0.0008281041637796363, 0.008140157206673933, 0.001731584677824105, 0.03938925207736569, -0.013721295462529357, 0.008213174385680857, -0.002099799321182409, 0.039186381999806286, 0.08062216021185975, 0.02078025088985321, -0.017086076019732763, -0.010248602309708012, 0.004579837683427623, 0.011403044390499292, -0.02833062633969941, 0.020216639763983964, -0.03157791742843496, -0.0032182648820749376, 0.006740291576537918, -0.012497931535536888, 0.04377111307178427, -0.01067854882389615, -0.009800275140640635, 0.06284131015239051, -0.008253303003378872, -0.02546417739997569, 0.012336836880294754, -0.010486375787801379, -0.011463112136214338, 0.025121891525599082, 0.0010583810629573216, 0.018584437645752447, -0.006190894646948836, -0.020169064509831757, 0.00441900198355081, -0.037075894691983614, 0.004864205851260412, 0.0017304670303291713, -0.0005027666322785922, 0.038982805533791284, 0.015730826571486393, -0.0036342104632712813, -0.005799593459106053, 0.04361773860772134, -0.01773253793987349, -0.03942524463668276, 0.09286898242205034, 0.0514060213509777, 0.020119873925622478, 0.014719820073511827, -0.001404653957670042, -0.02405126648396004, 0.00794957286058052, 0.01804045325336517, 0.0044835027829385485, -0.01061860483225424, 0.02442199803998167, 0.003117466315073368, 0.012802778382161805, -0.002095821394285782, -0.0036122033057787157, 0.019300132939483745, -0.02620273828239377, 0.0003954592024974225, -0.002553559800439574, -0.0338164761734346, 0.009521498345662663, 0.11398488580659132, -0.02850583407920941, -0.0018484665783380203, -0.02482817273268075, -0.01351899042197748, 0.022157735208986448, 0.023550066936409795, -0.019036596284795225, -0.0081343635387042, -0.01494430047467266, 0.009961131249654974, 0.02825416911640636, 0.03978213589613028, 0.0014158783337402346, 0.03873456706377799, 0.0004182029590662056, -0.029790929382779857, -0.009343315019159299, 0.0004656161666728798, -0.026275484206605273, -0.03219482581480464, 0.009984903284439637, -0.009825042780338647, 0.09706502125666268, 0.009902372606842576, 0.03526247654485433, 0.08816489098748516, -0.015747926196210682, 0.07582501465229416, 0.0007592718949550309, -0.01818279772648455, 0.0528317287006514, 0.060424579743802796, -0.023371955685547504, 0.00412689571691755, -0.010983020868630367, 0.0017830820746438925, 0.044105955892390886, -0.013465626390838455, 0.021176319820246117, -0.013754982815928546, -0.0031031673255535225, 0.04192221856817562, 0.0668230287627988, 0.011937142721912427, 0.03949683652747879, -0.012065387993390013, -0.007066400292594396, 0.04310110957295688, 0.02136152968762186, 0.024743514266066104, 0.013610549464141707, -0.01760714119019303, -0.012914944814414938, -0.004608677840244426, -0.011887853299545711, -0.02274682606457725, 0.021790439623023787, 0.036527596201416594, 0.023798761058970472, 0.001504920882457918, 0.0, -0.015416895520864088, 0.0014829001529574313, 0.007966523273180853, 0.005312881185710837, 0.018916892244740545, 0.012301605490683007, 0.00431849642311781, 0.0039831918470746245, 0.04098188210455905, -0.02849024069144226, -0.004398428064845955, 0.04152280385022821, 0.009760818489684011, 0.008403543728894777, 0.003000559518478717, -0.005861139862846478, -0.010325088603324952, -0.038560973088898026, -0.005348500402496377, 0.004477894741553249, 0.019295512778807145, 0.001657972314334512, 0.00315978641529877, 0.002725625849122147, -0.000651874452364797, 0.015887520962381253, -0.01203112111612766, 0.025206457692070854, -0.002972983165601229, 0.001080680253057873, 0.025206085454983936, 0.04385067202427821, 0.00013388365557587075, 0.02234708354377904, -0.01979679978854395, 0.007013244367382118, -0.02457984538862175, -0.0013638367018994437, 0.023283197550486096, 0.08673155967771222, 0.03115067668431031, 0.009335244550663351, -0.00906693596506583, 0.00953076249974888, 0.008146365736557682, 0.022593606401819736, 0.023199433202401826, 0.0025105362460312976, -0.0016687505235655161, -0.016000478146010747, 0.003872677984813156, -0.004773571764229481, -0.0008565898746415437, 0.013188413655455377, 0.02672709796139065, 0.02099227148347782, 0.0121069710321969, 0.040131481341402084, 0.024719243403353602, -0.04192769608232982, -0.00015696101434706068, 0.0005137796925128841, -0.022934076034549177, 0.0077595752830651255, -0.01725070799032584, 0.0051699694480212685, 0.018187129960523223, -0.012245347426053857, 0.019687373682842065, 0.0, -0.02896324470767509, 0.0025862748581634955, 0.026970965019007875, -0.05020588513843687, -0.011149562410114434, 0.016567669350395057, 0.019477713560890866, 0.04966133766508892, 0.09092271955205271, -0.005278985452913615, 0.018187446888745726, 0.08767447708029918, -0.0021726996895155793, -0.016912133484722966, 0.002301333729283946, 0.009297568996941953, 0.0002242124287268499, -0.010356911099007934, 0.006694125318270361, -0.02328969206101505, 0.004960469231832047, -0.011806812747933075, 0.004352968822342566, 0.010639279461692663, 0.0037013580915080595, 0.044017812324247216, 0.01901828623376226, 0.009271568416570269, 0.016745784717335413, 0.017265815831527163, 0.04576316871106367, -0.01994636237705835, -0.012939184770360814, 0.006080763708846718, 0.007227740749720095, -0.0008470013472739144, -0.014456614031369747, -0.0073355052447089415, 0.02064644933629673, 0.00612938823530356, 0.012308471234370044, 0.013854530976998814, -0.013791037213089599, -0.01406063113336377, -0.003224689663682527, -0.0012272446799817644, -0.014559348524634051, -0.014580409305847855, 0.004991309218712024, -0.0014534485259487802, -0.011910902577118175, -0.024741436532906315, -0.01755769002969572, -0.013374343250356788, 0.004481182431434287, 0.047698894337628014, 0.005425665183047288, 0.0037643791285180243, 0.010354324494866124, 0.013053787323126644, 0.014136807547739083, -0.003735346677697861, 0.005137307658671856, 0.051700603003827186, -0.046177249314253946, -0.035721704317759236, 0.006717317743071172, 0.017820179093206028, 0.0025879744799231254, -0.013911421026267285, 0.0, 0.00040978002908887047, -0.017188043774852165, -0.010119496593578652, 0.02473983325056702, -0.011581644054578073, 0.006787903145952345, -0.011547492866971012, 0.10154657879431334, 0.029267804641056917, -0.019637044178838232, 0.00030646565405242476, 0.021628375805805577, 0.0025940659930332476, -0.010848246931167153, -0.015131209967603912, 0.0015563483941898513, -0.02246703413421982, 0.012311896669715315, -0.01812277000255768, 0.019148121244495935, 0.024486440656519785, 0.04752779202180325, -0.017630545240836938, -0.0030613105575903413, 0.03696170538858922, 0.0235533788039698, 0.0017449163681993052, -0.0025884175025450225, -0.002213394841125926, 0.030234767471917983, -0.0001764759696654805, -0.004357848849847994, 0.0011531189053252604, 0.0864160149991001, 0.01905005176289167, -0.011763196396315614, -0.010650822324980543, 0.005590306934988022, 0.002407361203136558, 0.01978643208426563, -0.006196525223908799, 0.007377583786476592, -0.0016789660288412007, 0.012375891931631012, -0.00012550514542899704, 0.00530546286776104, 0.0043209697180765306, -0.024975713504144043, 0.007025291170760877, 0.0038452257518540637, -0.007360833029931158, 0.00424780706201069, 0.016819858134017634, -0.004376386285509244, -0.0038230748324069074, 0.10729623477009703, 0.0001321931581275495, 0.13354644362122167, 0.009705344429431698, 0.02673586754604919, 0.02314161511463026, -0.008078944412300471, 0.012753027329229965, -0.024677142669738673, -0.003938507542788493, -0.009765809535461576, -0.0004927991035183296, -0.014549847556199761, 0.004908705577460967, -0.03327019824690962, 0.018343073304897674, 0.0, -0.0028824231499667632, -0.0009607589919131368, -0.00765806461448207, 0.021469795732518365, 0.007394621918336419, -0.0010158547664582337, -0.010441217838647234, -0.004462583640734781, -0.029240228541728898, -0.001436901280911977, 0.009623613847899497, -0.03181019513115103, -0.0037632212527897997, 0.013191378489526439, -0.015025734843143835, 0.004679714840576499, -0.014357993663691776, -0.004695731699690383, -0.00705002286212035, -0.015192105238894311, 0.000915913434009495, 0.009117582172102604, 0.005620130893583686, -0.010633545375050306, -0.0012772127234236927, -0.006005732481386852, 0.003900482578121948, -0.01595094802881038, 0.002834239713104675, -0.009560473847658906, -0.016915129793498608, -0.0001924908288553227, -0.019145825680649826, 0.025393072701547104, 0.008901716205461357, 0.013713274389281787, -0.010600481935087247, -0.04126331392891109, -0.016019798841182483, 0.024964905145475506, 0.01268900721225886, -0.0009716089025320698, -0.01465338048834267, -0.021990514605211904, 0.019302302359805203, -0.011154226597110817, 0.04629070008490997, 0.016743399302248038, -0.026396575148759493, -0.008431790363203406, 0.017561500061061313, -0.0032191015323196244, 0.0159862628407618, -0.013357432275416635, -0.003633316658112243, 0.007720334491240115, 0.006631110171144792, 0.013675446620408682, 0.030025352928983035, 0.0804212807259456, 0.011536381779816062, 0.021621225823726723, -0.0213495454089575, -0.017786529068576057, 0.02924609593668822, 0.013875616900231874, 0.03845184698352157, 0.010099446110105157, -0.0026100477841724725, 0.015994939406725948, 0.011332580979518652, 0.0004393523237892564, 0.0, 0.008857539089399655, 0.021232167953957014, -0.024928073532553628, -0.008515733614585023, -0.0016686483374711, 0.013813547514596758, -0.016714862552721203, 0.054368261538937174, 0.05683046808297869, 0.024467582604090134, 0.034154783126650365, 0.07926438144672623, 0.0063170826863967995, -0.023438580316926895, 0.01249075694927217, -0.016437481576383646, -0.012793120038096831, 0.030485696385933743, 0.002033966451952617, -0.022219085169198956, 0.012977631371607457, 0.03762104020368446, 0.010047983176985723, -0.007644944669493438, -0.009455628966287308, 0.013436699590147714, -0.0137057276974062, -0.013688306631596966, -0.0008142150985309531, 0.00545608389679739, 0.02301192837813564, -0.0042295553693201685, -0.020050597451354797, 0.01628032093640336, 0.010426596508644536, -0.01133325590891225, -0.006367676807710813, -0.026077088404368096, 0.06207288396132628, 0.01399311241149513, -0.028038771964976745, -0.027369432253041868, 0.02146153706325391, -0.0002900567173675811, -0.038612614900274095, 0.019402133926060487, -0.001912639644227244, -0.02669131216610975, 0.009068285829803792, -0.03285196226512517, 0.00520324648676519, -0.034708222790995176, -0.010463578933349522, -0.010208234692708805, -0.013476806152132145, 0.01499327900675424, -0.02569869217744968, 0.031844290273200786, 0.1813400841310226, 0.05144272011224761, 0.041167775305594845, -0.009994345700761418, 0.02693115867575703, 0.010910559862018937, 0.0036873116046258164, -0.016533139337416864, 0.03345640382621623, -0.006640469048010322, 0.0009341010497211026, 0.015930651575132508, -0.03439350211378116, -0.027639691700707576, -0.006596631107871552, 0.0, 0.018748325976908942, 0.02620850950859292, 0.015361555022477569, -0.0026044215329019444, 0.014265581693790498, 0.018231294850200128, 0.07416732261202752, 0.03139645537146526, 0.017557389904253345, 9.462855187676303e-05, -0.012166469921134732, 0.0050217154172847315, -0.01532302635173988, -0.0037395583998647655, -0.020089767016993602, 0.014690653823663519, 0.025526270863011763, -0.001285220776495915, 0.036149346153880664, 0.021326213350461618, -0.009573345448044985, 0.015067664012898534, 0.010379675256863199, -0.010675787212456399, 0.04156722267151525, -0.002375054951603465, -0.04803843280148391, -0.025801701833148474, -0.0023397807050644227, 0.011258790912104152, -0.00791251900717932, 0.024910223900861846, -0.023426855636975327, 0.0017455971392798073, -0.011795799741465884, -0.022799721204375508, -0.01206663252291956, -0.007756350759026103, -0.02687033885059781, 0.008553556993595746, 0.015997331480888832, -0.010701390792265454, -0.013976863785867977, 0.034144135716500136, -0.0036668043273703874, -0.02566494805908933, 0.0016031784348854944, -0.007261633586560433, 0.0021320579380281215, -0.028742124448031366, 0.0068514066085542825, 0.00204450731577639, 0.0188508760992683, 0.0010579605888770697, 0.002320883367599718, 0.037728064114815295, 0.07881875257270168, 0.04132742227272716, 0.002346658110971988, -0.026963016842434157, 0.013185587365465384, 0.027094532796546382, -0.026765104596509135, 0.0296484825048444, 0.008368515106528543, -0.01815270493854332, -0.021053732685158588, -0.00518538821094969, 0.031430139632322794, 0.010115710077908922, 0.02478504326621342, 0.02804473565037063, -0.029657578542534115, -0.019072751991199868, 0.012066946682847694, 0.01804463567749163, 0.009299129957520238, -0.02580195151846431, 0.028773495274109214, -0.003286375404262337, -0.038294814695822826, 0.017870414837207426, 0.008512016429692957, 0.045087041371348696, 0.02123583657238847, -0.019103131076974863, 0.059854656275332596, 0.00796620125345483, 0.016039070969943784, -0.002382391589212796, -0.01639423319606554, -0.014828267461002924, 0.001666423915099515, 0.00029813425454448795, -0.011795660082142096, 0.010064377952993869, -0.010160485711407156, -0.0164531329243982, 0.01068674303194691, -0.01156385249605889, 0.015061854062729762, 0.009782857433834415, -0.01394451433465029, -0.004497367360318137, 0.012981093115216677, -0.021504559455196966, 0.0062821221323777635, 0.006484532661431907, -0.02957268570878604, 0.008244712351565134, -0.005728188997402097, 0.0049472283363442785, -0.016814902503320798, -0.03169909272732779, 0.06254939249033302, 0.043588014482149634, -0.026981437672345843, 0.004484827148067992, -0.0016972554311531637, -0.008293740503582296, -0.008500673029905377, 0.006873833775256618, -0.0044752316258114214, 0.004809527177344212, 0.025577308768468872, -0.01781452721356796, -0.02271547600536343, 0.005332855409616298, -0.009707720632515019, 0.005576615873094743, 0.07042860320948892, 0.08776825426735912, 0.02413557891554278, 0.08314326611327266, 0.15117354931538463, 0.014167703653728396, 0.007385738188023134, 0.028463226550210607, 0.156361314339219, 0.019103410471606627, -0.0010503002728446853, -0.022007040312343705, 0.012173798161511436, -0.010834650841983729, 0.018976188980294066, -0.03073307003397501, -0.002893847053738078, 0.010619986424990542, -0.004357667425302948, 0.01638852596892182, 0.006685825894557901, -0.009103352645441475, -0.017142020313872672, -0.004128983566126515, 0.033684974793465904, -0.013859056221980696, -0.0003189027016891484, -0.028375808627570574, 0.012848854120739106, 0.0323204086155282, 0.019202704116449986, 1.51099082329909e-05, 0.004093441639871164, 0.04847006540303651, -0.01810587568922391, 0.10759773625009528, 0.00995015597506191, -0.005777257541760691, 0.005783594889034355, 0.046433316431470695, 0.022648055122133973, 0.013478405801911992, 0.032951625261014715, 0.008096086392755488, -0.016779225153464753, 0.0169981641299282, 0.021201081516475453, -0.01510432605924336, 0.032498605154212025, -0.028435066468981387, 0.005586070181657665, 0.08276246536977676, -0.00979016421300136, 0.006835849251642073, 0.04359788628900516, -0.021879559481592637, 0.017652175867171223, -0.007357993672919115, 0.010003944208781725, 0.051595261854267764, -0.012853496585954489, -0.006676905887925882, -0.0006279224843843685, 0.005110394510799741, -0.016373516453900838, -0.026943324692582243, -0.0022585544334910836, -0.00047264511515610785, -0.02213701032063066, -0.005423860786109677, 0.003949310448876452, -0.030433855261742457, 0.0418626503863983, -0.013060407902765737, -0.00691108464565943, 0.0012394570195270389, 0.056126643831206885, 0.010527658582214518, 0.08710111214139414, 0.019942843422631685, 0.06729109753538225, 0.03842958521240093, 0.05547896349464007, 0.01587302661185149, 0.014170142184436647, 0.029930178736090402, 0.02462850656346372, 0.02977034475675376, 0.0333330616511319, -0.005019449123590305, -0.061943168236750154, 0.012271814800968542, -0.009115113486499014, 0.013963998926401376, 0.03508734667287719, -0.01683149414899562, 0.014486947597458248, 0.0, -0.008528195465642149, 0.01391731197651337, -0.017401544024031018, 0.18716547036624953, -0.024105082447212413, -0.010125078626005988, 0.05088076981170081, -0.01147063769928125, 0.005497459756821493, -0.023505256626150262, 0.020646980504487163, -0.020671380821209066, -0.011378472230391611, 0.011988782042436086, -0.02179900507698694, 0.0006676153332360328, 0.026367785423235535, -0.00746648313469273, -0.0005406164613232376, -0.010702958440670712, -0.012872618364343344, 0.023761990508498712, -0.006274781966162339, -0.008504195703133589, -0.010422481491449889, -0.018123157542986646, 0.02119134043203125, 5.354081301808278e-05, -0.004391962280362104, -0.006641986696274861, 0.006511690692118391, 0.00885519829589829, 0.0019312869279694716, -0.0012401033093233868, -0.017373121750410527, 0.009648753152982012, -0.0076551307876983705, 0.024060284715999605, -0.0041927648180431374, -0.010702912879830889, 0.008681006868164975, -0.009792330580811144, -0.0004011395691592247, 0.007877058693615852, 0.017971299910972908, -0.003567388589307673, -0.02197826766430947, 0.009650942292123467, -0.018483535961343014, -0.019806583889990872, -0.0037570476447147828, 0.022875773372149015, 0.006419743555749341, -0.006580203025648731, -0.016406550926234456, -0.011087336042349141, 0.10872115444179258, 0.005186165032741683, -0.05968394309643709, 0.003081415090066616, -0.010430125580309448, 0.04491893894234718, 0.014841803938224896, 0.06665103457919451, -0.006198316217730414, -0.00499355823114352, 0.011279900703145445, 0.00700300079712473, 0.011010889045221163, -0.009871099688324414, -0.02670141724424352, -0.007280236951769014, -0.020821326778646922, 0.005776343429863769, 0.025757944699369588, 0.009788002520633596, -0.034573714988790354, 0.0, -0.009079858974239127, -0.0027549641875809264, 0.018366770562868177, -0.005555765220217955, -0.006651347291107172, 0.0007011388294497728, 0.019557684029456457, 0.019967287883241373, -0.0013201235752154778, 0.00914419612585399, 0.01652247110246551, -0.0065255200033137424, 0.00023953917351331148, 0.015649311574953972, 0.0024616082653980817, -0.006960379166526705, 0.013526223445865272, 0.016885773039095085, -0.012779970012115324, -0.0004813260512200045, -0.005547977293194166, -0.012694390320256328, -0.014114835513957424, 0.007568939820987547, -0.008327310929623926, -0.002415481041131325, -0.004619407820118787, -0.027039353507189424, -0.0009283974024182111, 0.038418836044170984, 0.006836774728926495, -0.0019799865955194736, 0.0009389724294763208, 0.004337680001266579, -0.013044974189668894, 0.027945997044427656, 0.004983113433883246, -0.0015988328384814608, 0.008049746813377478, 0.0013608262915181326, 0.0010038831417527726, 0.01601526586199118, 0.00030021792699736643, -0.0020016955980797853, 0.02043651806156146, -0.01382519536486669, -0.0213902441957741, 0.014087965137180912, 0.011523552205664395, -0.01183310075152692, -0.009942495231322726, -0.004359506477632025, 0.007128289924895018, -0.019324369734171728, -0.018447018506766995, -0.011092564073922827, -0.029222005928810343, 0.013104772518981178, -0.0026988469099349342, 0.012838854174885377, 0.003943804161954264, -0.021684669775648705, -0.0013907942423079902, 0.011453461707795003, 0.02079674271012545, -0.018335141454068435, 0.0002781655500367853, 0.012499432116127385, -0.002684282917824479, -0.005545798188705182, 0.004972628537611709, -0.017111835917393636, 0.005835454329462805, 0.01021073634657936, -0.016220816922698392, -0.023663387082712633, 0.014805205496677753, -0.00824533448068272, 0.0, 0.0009131699231278225, 0.000809923773498983, -0.003531285519176837, 0.01740888691375525, -0.0305136522836716, 0.015119978849771612, -0.01366435155692704, 0.0024796360227819308, 0.023466701637845647, -0.03612092461992944, -0.028626996155345075, 0.012963767548465819, 0.0121393628648163, 0.0016740077291014586, 0.019690110675794785, 0.022955152152264614, -0.018439059781041333, 0.012860649363776773, -0.021126032716286165, 0.011289771752579366, -0.0072825047666357865, -0.01235765194900425, -0.009619981565122875, -0.006604218938024192, 0.0007955928606609817, 0.017168164770550724, -0.0188993445412995, -0.03181237766191779, -0.010305904609103774, 0.03288673765511179, 0.009449190007014868, -0.021976560281425656, 0.00994650329454404, -0.017144919174241328, -0.0021285673260812666, -0.0033901057320417415, 0.014748683749508947, 0.022216821862163203, -0.006285197869026865, 0.0029854231507733834, -0.029889642382966767, -0.002089338547826905, -0.011638465422619777, -0.038330625003575126, -0.004633458967568247, -0.008652362752698296, -0.019962869972779317, -0.001678593448953662, -0.006719097194611856, -0.014323635843155078, -0.022649115359459574, 0.052339420958822824, -0.01220436733432042, -0.0043552094308081536, -0.02453084738990036, 0.007400084406994898, -0.019803422157344146, -0.009438505400381936, 0.0177940991509714, 0.003640462638279644, 0.014571461877053691, -0.01596465831138986, 0.00439923345189103, -0.0036425368775171423, 0.00867818996966635, 0.0076637593063180205, 0.01702067740106787, 0.05120295598456592, 0.014841774388973291, -0.006764163610589294, -0.00468735881878872, 0.0001413497167935568, 0.005673047218301394, 0.0029162383905518645, -0.0013743548869273145, -0.004347752466273804, -0.008548626637095644, -0.02574380954679631, 0.012564176778144713, 0.0, 0.0071690964022888245, -0.017430729230079267, -0.027049607045429254, 0.02157711425780557, 0.011147850287665918, -0.016445167973808822, -0.005916986927749908, -0.008518079504765559, 0.015604022671727679, -0.015135941123337214, 0.022021050662545068, 0.0034404805030128554, 0.018565302145366634, 0.003933679575513914, 0.02488939663540589, -0.006906010000152014, 0.021940124745643785, 0.009238075957739022, -0.010063168421335377, 0.017751682936990594, -0.004529277083754914, 0.013642925669658048, 0.003815563183639529, 0.010639877377188002, -0.008318911327147563, 0.02618005987908504, -0.009534401439583468, 0.011527279013667822, -0.010658981287265114, -0.007178155168525664, -0.003554271007011463, -0.023383524965354067, 0.009273207662163276, -0.006450007021318622, 0.017984437504750928, -0.015004246737185367, 0.051303736315689616, 0.008794495569895503, 0.015600954378732726, 0.008356220549144967, -0.015602760054514324, -0.017638553706719858, -0.0018897768012848557, -0.003901756917035662, 0.013331856359600242, 0.011054221456423844, -0.0022323685161246528, -0.012373004582309272, 0.0027902912623294484, -0.008535602015058777, 0.0005408284137975556, -0.012425584438562128, 0.007080811789590109, -0.01799852772939785, -0.016553711061059885, 0.0021848544055585186, 0.028369710923793454, -0.017306209299453514, 0.048033773870735035, 0.022123227925653105, -0.008637972520786586, 0.002347526742660247, -0.0011493442403635208, -0.0029131804447759787, -0.003783389934398475, 0.02635176363783008, -0.0010016252955728586, 0.11327709817449413, 0.04319681242299782, 0.00922967232762208, -0.012080211862978914, -0.01713472683387715, 0.001934879406619181, -0.018589300153933064, -0.010516316944296548, -0.022116159615828114, 0.005414430050676533, -0.0003600878502872846, 0.008243287169695461, -0.018782113252667685, 0.0, -0.019258185619543153, -0.03172995882925609, -0.03791914339876528, 0.030729055465143082, -0.021797855521281183, -0.014711511004830409, -0.01644015621904791, -0.008671350516501409, 0.0041272437326959665, -0.006983403423838414, 0.017128170214442733, 0.028878719093285984, -0.0008434771844634899, 0.01735398031759908, 0.019781095948176463, -0.013180083579616359, 0.009518631247062708, 0.0007111055781746376, 0.004741489250719689, 0.010602650178681462, 0.056860523612621124, 0.01625681681021299, 0.002507070350519082, 0.013085559523255923, -0.010985163860904108, -0.02735176308952157, -0.006068676521958139, 0.0039817778875252995, -0.01186367772276286, -0.0014865827087009345, -0.005268038028410226, -0.027113071321903767, 0.006257616897068136, -0.016696643244440305, -0.0031468471653479297, -0.009412604608681286, 0.21468485928982534, 0.019182177375252272, 0.010774818525917591, -0.0012104612154741755, -0.004092363288439652, -0.003448663986087067, -0.01073887385241932, 0.01662806215264009, 0.022237632253774314, 0.0034592454034807264, -0.008882969288791214, 0.019274737851344342, 0.0010116164295110304, 0.005632139929040919, 0.02526727940695602, -0.0016623618550834958, 0.0010303659232372042, -0.01808939398067921, -0.004199678224566593, -0.026181275301873932, -0.020666639747024238, 0.005515698657799143, 0.017705934697920356, -0.010202184742411007, -0.019889313946776153, -0.006560281442110271, -0.03020480721403796, -0.0017902625080565954, -0.009142053785118322, -0.0002411710503818771, 0.019446583888965984, 0.042994656635288335, 0.11157110106693942, 0.07440235237720705, 0.015347551725654753, -0.011861998147479114, 0.008334095045862694, -0.007697032795817391, -0.014010080811960068, 0.026318792709940288, 0.006210352164439196, 0.007935589595265658, -0.02138172522242738, -0.009562061980104607, 0.011672961529311698, 0.0, 0.005898298661490976, 0.0006023876743921011, -0.02848110316220203, 0.005395287424653529, 0.0018372956107992324, -0.007308851019211252, 0.0015762439549829033, 0.006112448086301573, 0.0043170618195766605, -0.0007286380746666229, 0.00019095766262870165, 0.012654656284915241, -0.005148047630753642, 0.0033644299044499285, 0.006131807126370281, -0.011201355512798489, 0.013303485440617019, 0.0047427076974687074, 0.006742327106664639, 0.019618830870563753, -0.0022993200944250655, 0.02130583675321413, 0.014687458489383949, 0.0025333090176299735, 0.012177699773489137, -0.006902659619143315, -0.015976100416723, -0.014530686428325546, 0.006154318899607681, 0.04512875477394499, 0.007023372944395883, 0.018656329272296004, -0.005280583454666914, 0.002816673445802962, -0.024458040998401747, -0.014160177514116353, 0.12270345403613808, -0.005987982368974324, 0.014531149079636405, 0.001356045739875778, -0.022838028412221986, 0.0030245976536687432, -0.00909121380426222, -0.004103769889873438, -0.01590091908084392, -0.01617160864775169, 0.025698044560589123, 0.008496526048778309, -0.00817519823949694, 0.003053278698067739, 0.003972544367322065, -0.032357737677641565, -0.004455700158819594, 0.012573278147718348, -0.01945200915500433, -0.0015192995683096363, 0.009848192845623898, -0.0008313793160922043, -0.013155187263449547, -0.005843596746285622, -0.003891452319588742, 0.002590400258296025, -0.025932680072179356, -0.0028345285949980276, -0.013446421122968734, -0.00391180132666345, 0.014232744055594349, 0.10534960242142107, 0.08209720022124374, 0.10873888229058289, 0.149357714373511, 0.02698605204197243, -0.017240088432584837, 0.005534933391798241, -0.015091999125747334, -0.0008470111224497221, 0.011336315479647864, 0.004277238846194979, 0.00407280250420916, -0.015000594540968464, 0.0202848835954372, -0.0009171097659026801, 0.0, 0.0009329296226454685, 0.00556567333968536, 0.014604303111858853, -0.003623686327278426, -0.004349760292282092, -0.02911454164500029, 0.014824507304139263, 0.0057653601565626645, 0.009340099809011477, -0.011814246469362305, -0.016149523240365088, -0.02295448673267504, 0.02939358363679334, 0.01149144148308237, 0.0024445300148291244, 0.01572982825823833, 0.020913729208916713, -0.007835434052292837, -0.007499434956774174, -0.0007139924508367169, -0.0286178060858953, 0.013437119178614633, -0.0021030925528986466, 0.0035082699176256964, -0.014632085443969342, 0.015877163034058377, -0.005058621891079408, -0.026146096117074424, 0.0088009928660194, -0.016578779616658622, 0.019730750266062087, -0.005427643345751133, 0.006699080383328382, -0.027214996924881385, -0.004769296056644742, 0.009458139546540074, 0.06992118007679674, -0.01414322015975632, 0.008118836887491217, -0.027383382215938164, -0.0051669499872307205, 0.00828779124811051, 0.003433992050247302, -0.024267737287967762, 0.010726480711207464, 0.011013938683739535, -0.009493012848116133, 0.021488514347968012, 0.005521463185978973, 0.003085251997187535, -0.009469805546598284, -0.009314550532258369, -0.001220407856599809, 0.007896856155027434, -0.0030186262276021185, 0.02392996379709069, -0.008682970221303135, 0.014179793644946448, -0.008080058336443515, -0.033759185438658704, -0.03597628849756015, 0.00335766813766479, 0.0027803217670856373, -0.026780593597514512, 0.018400696525012868, 0.005760969220462723, 0.017992550358104323, 0.04317587552813034, 0.02967349156476742, 0.05517521995542289, 0.019120509129573558, 0.0486274017129069, 0.0195248396991885, 0.0023551206989782763, -0.0023385375743921206, -0.017087444926723084, -0.022821920743986066, 0.008655881911006101, -0.002085316416499647, 0.01627697022606963, -0.0044295413499273635, -0.006532678215765422, -0.004870557204768834, -0.005331883542939198, -0.02002609591105753, 0.001729406026554268, 0.04219182693236835, -0.011334639527462768, -0.005992770953924692, -0.015526318743065976, 0.007534344474076137, 0.006508062234302129, 0.012500084153058337, -0.014165061929131738, 0.0038099766892321727, -0.00948225715510078, 0.02198963562324085, -0.025670937522290296, -0.01728583439899374, -0.018960660567937982, -0.014960009163987802, -0.022702726998836357, -0.026806209563388958, 0.014833262479409817, -0.03659519125499805, 0.016197735305626317, -0.005895692233677271, 0.006008837294494565, -0.008191676333972105, -0.015058336473941671, 0.015645319823069125, 0.017945268845733255, -0.011959961901788982, -0.003001100225200416, 0.0017036249567604043, -0.013078724131357468, 0.013386187088662885, -0.0043402016020285305, 0.03014463863743764, 0.023013082673439184, 0.009288289048871825, 0.05913847258882959, -0.0076917121623222345, -0.01944417952767679, 0.0031759696788805814, -0.0014764290481112947, 0.02925883833604712, 0.01356907136029775, -0.007859830283828978, 0.018803285638560676, 0.0005472860925928418, -0.012929328347020794, -0.011767010078785901, 0.009843286329611393, -0.03686220295138977, 0.026072283524245846, -0.004188442375671776, 0.010127735205813589, 0.01485277418399669, 0.009505968644038515, 0.005916962927957227, 0.004195404357843538, 0.027617031674218844, 0.013493137084082842, 0.00133583512803051, -0.017047189103991084, 0.000536667486324394, -0.015572047700364569, 0.037080991951981675, 0.0004770687538745771, -0.0016585318145270758, 0.07394462483050736, 0.04949273272155345, 0.11059560732950159, -0.003128344280645981, 0.06822036102651173, 0.19187478035631558, 0.0176165368632677, 0.006220118256270829, 0.025797202920711568, -0.004895344206511076, -0.01243890827347452, 0.016729492397317806, 0.02378793046258031, -0.002241151158201231, -0.014603490330607998, -0.0009941296287666245, -0.019764894723973126, 0.004997734584542987, -0.015498910990392734, -0.023093299397435128, 0.019987762271552995, 0.005352434144999673, 0.013418894957766131, -0.010511837862871343, -0.0033492121209624014, -0.023965845122522405, -0.039084678759382215, 0.007578578128330002, -0.012072190125807979, 0.008845407161851115, 0.009410159422390114, -0.009951585965872962, -0.0006123801443623112, -0.009303499273703048, -0.000801321169790227, 0.010050068585940148, 0.008223156415558588, -0.0022784578756083634, -0.01126501511643481, 0.012351215277750759, -0.022052931084470043, -0.01148278388198236, 0.004318944723230756, -0.005085735192921523, -0.014271759471629472, 0.018951938315621888, -0.03468320080027347, 0.05962780680674224, 0.0027431312713951713, 0.052014729849208644, 0.03719945281100707, 0.01353930784640397, 0.03817818865879617, -0.005073034369643539, 0.015486046506211033, -0.02902145480430186, -0.021881699811687794, 0.018790495350052106, -0.007918863480885005, 0.003225212501304634, 0.021011444225414774, 0.07837251732208309, -0.008587620258793276, 0.07243561146269298, 0.05400296060965648, -0.002341955922764342, -0.0031055642972469526, -0.02488945286350071, 0.026091869618794138, -0.001782831396375457, 0.004902831921666092, 0.002366327668615475, -0.00793091310076251, -0.022898282488015075, -0.00985105980154656, -0.02947819640488922, -3.4134342106080385e-05, 0.0012026377321498838, 0.0320653927566791, -0.012446447531718068, 0.008188482013781456, -0.020958350318567305, -0.013656188858684535, 0.01777744409601986, 0.014840720075257385, -0.007962980817326977, 0.03779350697600689, 0.10280106390079125, -0.011287606605901916, -0.01303741144238015, 0.01672233727380658, 0.019805655429224755, 0.013155436476967831, 0.03693140754352425, -0.01831766654280591, 0.0031073821659409174, -0.006366862252812326, 0.01869774800871906, -0.003600794140440839, 0.008211971300517925, 0.018164421532843446, -0.002332950759012299, -0.0049274771201563705, 0.0, 0.015409406491750374, -0.001947250157900936, 0.0060769596547836785, 0.03646214099532137, -0.0324181702240087, -0.012238798771533142, -0.00678414152785595, -0.012217746230857281, -0.003205465818389837, 0.012185895591671126, -0.013195570406111341, 0.0032928850975882337, 0.006366546488630565, -0.011861118916089144, 0.0037380307433707498, -0.004296215575889714, 0.0026845772895561677, -0.01346701727002799, -0.0071034060312546495, 0.021408999078437047, 0.02015416166090655, -0.01842325963993296, 0.0009823841484085454, -0.022851166703056834, -0.01346750527663127, -0.018462798864498947, 0.011888708339519268, 0.011517886294856351, -0.014225123596963932, 0.029538265879596716, -0.027350824873972418, -0.012040879275468942, -0.020366283897023635, -0.015389494240489875, -0.0040330715994713, -0.024923201927623165, -0.016000474454279354, 0.02473116387763168, -0.012005039662451214, -0.006778477899033784, 0.16047984612238902, 0.005450034805377036, 0.001879193245719105, 0.014209156259030024, 0.004812713710897016, 0.01904753974525369, -0.0010567553087826133, -0.004278865508180767, -0.00894459465421238, -0.024223921777202242, -0.011800892450590678, 0.0386791965156078, -0.020597069096824093, 0.01750186131065666, -0.0009135175742784329, -0.018583460136857913, 0.026105416649053557, 0.021687725460584294, 0.0017043074112115628, -0.013413992201899297, 0.026806190770700407, 0.02971869051179274, -0.006851255431657314, -0.010931020260120043, 0.01779623072694209, 0.010339578204878106, -0.03356138969682567, -0.039136490057190304, 0.12725953995161116, -0.0038063021499853116, -0.0035344003729481906, 0.01576694207173235, -0.028076908167518875, 0.040236132987750715, 0.014403434724914285, 0.02015053427813069, 0.017273944245947054, -0.018088194542209723, 0.010293324558417298, 0.016399359945966755, -0.0005230679883747736, 0.008623446851203684, 0.013111777017393722, -0.020458086444895204, -0.0038937006393174878, 0.0037126753393020104, 0.0, -0.017942032084283743, -0.015493204805324304, 0.02348108831402937, -0.0025332310225101343, -0.015321268629602841, -0.03556904045576583, -0.022915337621219785, -0.03740700908411739, -0.0020623211949395725, 0.030423161210871547, -0.010857393654170345, 0.024123278206073726, -0.01065763745807192, 0.018188408661243265, -0.013302903987217438, -0.0015103759842233638, 0.0071859648114538195, -0.014760435313911335, -0.00834586067457393, 0.008591323084676245, -0.02125692191840238, -0.00919653901120983, 0.006920483594483794, -0.010751077746210919, 0.01266763615398938, 0.004116751828594056, -0.01215022848511415, -0.013892101199097047, -0.013514024132084714, -0.0014449968882652609, -0.004410578177580015, 0.05970502953166797, -0.0007245386819830509, -0.02060694643466614, -0.017395507356207457, 0.015402482662076082, -0.010316299500234962, 0.0043130176233648, 0.05359691120933251, -0.03214558568069214, -0.005902817905004581, 0.018492000913155286, 0.004226880121854767, 0.0036577366429635712, 0.031281124365005866, -0.0022719251309383085, 0.016658262777755683, 0.0002250492365579842, 0.0029482420896184626, 0.03306521700547181, 0.004836135405732272, -0.010926288257206202, 0.013701377712219194, 0.004193907978721354, -0.0032836913998808446, -0.003665836187966113, 0.022144747594169588, -0.02098479729260177, -0.02384032037713264, -0.004357034308965387, 0.007362029126666002, 0.05428229226895509, 0.0034383717898866365, -0.0012447094872230552, -0.004372159967213648, -0.018487396859583043, -0.005063446256912095, 0.004920333863546967, -0.00883529827811311, 0.005097582585762837, 0.012032564352400866, -0.009583925287929448, 0.022589584677798234, 0.019171563368993574, -0.006297056148131468, 0.005728130727262501, 0.019433573214779176, -0.01051406962347401, 0.009119857080086037, -0.02327940477915553, -0.0026033500282419495, 0.017589794838529953, 0.009666899380805146, 0.0014807391442046578, 0.0118148108476494, -0.03328579672031313, -0.02253722349258452, 0.0, -0.0023939867007036326, 0.017705287884029766, 0.02781220104349062, -0.007087837409603667, -0.009744211983115697, 0.006931181131741462, 0.009553772564715294, -0.0010683495574742698, -0.01552350902131741, 0.02021087073230402, -0.0015598314166284095, -0.01609207047694963, -0.022693031742113547, -0.010091592318770248, -0.025284739140017352, -0.011539175965607567, 0.015904573426914783, -0.01088307233151066, -0.0013506872039729515, -0.003982782495473069, 0.010402174928294601, -0.01411893875032893, 0.018641366093877277, 0.033541587098759144, 0.01669408517728214, -0.04143763875864682, -0.02505672790975039, 0.050125906666712336, -0.025007745927857882, -0.005122062761021694, 0.03860419884885694, -0.006374666211628238, -0.01856862884247205, 0.021408723948368572, -0.004375705894093551, -0.006902677244989483, -0.010632179084716245, -0.033626611985811176, 0.0510770731329841, -0.02550590097026633, 0.038123467450109604, -0.017440273597759855, -0.01350551078776624, -0.011841204552324592, 0.010589893165129581, -0.013466313746137406, -0.009027687117169326, -0.014649548258949539, 0.008126378064546544, -0.00719598111008834, 0.040676463374614544, -0.025501494659970446, -0.0002922437934601688, 0.04798950251648991, 0.0056693082200512755, -0.024173561212640898, -0.021808829021911127, 0.005820166761018414, 0.03607146330281271, -0.013081187491981958, -0.023087525698542017, 0.031889545689713854, 0.0021419535635311803, 0.014705135278205113, 0.017429588208697607, -0.019773509060810154, 0.012889401334121661, -0.009837724296029752, 0.04250545672710749, -0.024393549169303048, -0.011941454611860176, 0.014830957769569211, 0.02213033604628689, 0.04013836158491337, 0.032164766442983585, 0.035589696903948274, 0.08274137720431816, 0.020614367150739527, -0.006771784845248367, 0.02617333952384902, 0.0010241881340331206, -0.019922727017410373, 0.04613947399908235, 0.021374386352302766, 0.024410585854086436, -0.008824293967108498, -0.025919606141910603, 0.010508812750326653, 0.0, 0.026373398875719066, 0.030484693580554015, 0.007129181427380531, -0.002719907805672254, 0.057418254657482605, 0.003215080095489564, -0.007354126230363649, -0.005723844072124486, -0.003742033389884963, 0.020932192882200204, -0.03998192237829138, -0.01518546781775684, 0.014337138039444938, 0.01408599218966482, -0.006234088410121546, -0.011782720398318274, -0.0036517946474564993, -0.019623728911065463, -0.0021425689618319666, -0.021302079531392657, 0.01915935544366446, -0.0016654622969744218, 0.014424175233939447, -0.010202209688283174, 0.011500597471090918, 0.0018459589471834684, -0.00837554521610064, 0.02108268960864627, -0.012691405553460034, 0.001543009794318356, 0.052724866242724565, -0.009024653508902119, -0.014944831860219972, 0.021334828008667935, 0.0104296606054037, -0.008678474961725089, 0.0341546691816943, 0.029219135191935492, -0.020161042248035475, -0.01608807059882625, 0.013927858886290818, 0.0016408815357400618, 0.013850072112137075, -0.0431254325367954, 0.030213380533392065, 0.0005165706177500542, 0.008771085893491596, 0.025236997304316035, 0.017454297260550575, 0.01629182699247098, 0.0008971403887328979, -0.018480515186173795, -0.009472933568110142, 0.023967599791470486, -0.018689495938454006, 0.033271960235900795, -0.010104042311510755, 0.002452758197561014, -0.0006619493909163516, 0.0023852877601743183, 0.0034238900512035815, -0.055063321754468056, -0.006356926506696308, 0.010636009287304762, -0.005608046848696659, -0.018392537701047113, 0.005203052398986642, 0.013336297821224679, -0.0018977592853204252, 0.024726155122886298, -0.02644456677207926, -0.033221718737713526, -0.0023305092464689908, 0.003380796669266342, -0.032831285357876654, 0.008615722318536521, 0.0778651173630425, -0.003949725199760786, 0.018823516959584282, 0.012135954826854237, 0.0002437433362594766, -0.022114711866800443, 0.01476677586234523, 0.0097015400239874, 0.008795761708045406, 0.008775339046574807, 0.016592538692745833, -0.006315904884839386, -0.021615704682109597, 0.0, -0.004771153666031009, 0.005524673490440234, -0.018788420806755145, 0.051467094480580816, -0.00847831947042187, 0.0007466187585615858, 0.006823596738488221, 0.006592813114269712, -0.006627930911848238, 0.011312812373366442, -0.007773757704317013, -0.02892258590407006, -0.02020172518758898, -0.008108120173116892, 0.0017264451205675864, 0.0065692236167528275, -0.01113744740349303, -0.021178681909576443, 0.06609594996695702, 0.0013345064519664194, -0.005548345255661673, 0.02776105225509114, 0.010242894988631608, 0.0031285809239260083, -0.027938190546833122, -0.0012832927791394165, 0.0048030038045476136, 0.026270011505781315, -0.02276697536393619, -7.890435249443588e-05, 0.04400182447870797, -0.04080886667133165, -0.0022281636682700717, -0.01262461750580788, -0.024562066746359502, -0.011307822259841152, 0.021421987933370287, 0.007795876576386678, 0.059066855795258506, -0.009473926191395813, 0.03268833705779628, -0.021624162598058452, -0.017155221080716057, 0.005593872554530723, 0.007726399514223768, -0.00841443891522968, 0.005937731333098408, -0.007484659803956555, 0.01650109731122396, 0.016765668127974073, 0.026234118920799097, 0.01964819374344185, -0.028091043483432252, 0.03081473796551275, 0.00435482550327063, -0.03829348118498101, -0.001221927354289867, 0.02028797715561738, -0.012875812111507333, 0.036978247842834475, 0.025860792713202317, 0.18168958987548645, -0.014477967344821652, 0.02912017918173667, 0.004714140106751671, 0.14933765067523885, 0.030366186620174325, -0.0022785411743070955, 0.012971862437576264, -0.010518927973504464, -0.025292642370757144, -0.02355902058781501, -0.0063789444311435906, 0.014003655878887494, -0.014000343533423533, 0.015901510818187706, 0.017934770985315325, 0.0805283287479581, -0.008619480597181496, 0.017389249197242315, 0.0036322949443112398, -0.016590914020069382, -0.0027513334990857123, 0.009569009662967405, 0.01969608742346372, 0.03039815961306135, 0.015210203276386057, -0.015904225622422226, -0.0008472566358429419, -0.0006541194749606786, 0.0, 0.018253921719409552, -0.019921523406002395, 0.007409595889596058, -0.0009320609563588606, -0.019044664563604666, 0.0011878033903787116, 0.001059242854822632, 0.01194096490079804, 0.014762619134145762, -0.002961449940133076, -0.015583597079078871, 0.003925638938147713, 0.0002811604447546322, 0.07443173904886201, -0.02208435924118663, -0.040517164517666016, -0.012167291466382332, -0.023658194510469698, -0.010004654617126985, -0.004031919666154878, 0.03710944065916543, 0.005016153202441311, -0.023932610810846317, 0.03484918891822438, -0.021474182125948635, -0.005046123192469337, 0.011007995046115457, 0.013729827694653422, 0.04008449781359358, 0.08692901463089772, 0.006198429021921881, 0.0171979035201969, 0.009194088588986554, -0.0031818076357401546, 0.04077286799543643, 0.023811288517120815, -0.02132559308190797, 0.04811474457158089, -0.003908780748444068, -0.005915114709151813, -0.01033012561618734, -0.014348474249112541, 0.06953918721421294, 0.006993367517372124, 0.008412334016439206, 0.06871331896607687, 0.022761474779246636, 0.08802263383541209, -0.011334990011871746, 0.036103083657911164, 0.006983676989185233, 0.007031714764368841, 0.03321504831203052, 0.03097803048146057, 0.04335961529429093, 0.0031143644620819488, -0.004854557863765801, 0.0029911043595356275, -0.011035427440704858, 0.0010979278728723851, 0.021261568611005293, -0.01899828199985201, -0.010147973416927, 0.009833857450512887, 0.021981509964368807, -0.017020482062730068, 0.018836707455164376, 0.02031139713862852, 0.0356038920906109, 0.003759612078946679, 0.04978009148139477, 0.07011121279706006, 0.0101258397845251, 0.01435297641183326, 0.05725824993423923, -0.0016570048875448914, -0.005017100303308013, -0.005552290359535369, 0.004734643353480008, 0.005370444435059225, 0.01554349856585267, 0.01410954585544552, 0.02106527435908646, -0.004076929762105945, -0.012147641094340123, 0.01800383831824591, -0.0008171660675585969, -0.010974142631980844, -0.010387519940159337, -0.011368464372614765, -0.02492790724050926, 0.0, 0.026542506953591675, -0.008563584900816885, -0.0030706724547617564, 0.013045155021247128, -0.00606265751755714, -0.012595831514888727, -0.00473471207737999, 0.0017709308609628169, -0.011816650383471088, 0.027562075592796255, 0.018269364554115368, 0.008847029680570379, -0.002980847961709769, 0.0098398527161145, -0.00544012579648298, -0.00358014162238846, -0.00822519547484601, -0.0031987538446293447, -0.014894250019100382, -0.006337038433650391, 0.013308060531364137, -0.002666010696096789, -0.019053950448702728, -0.014895382929171948, -0.005459285369711797, 0.008448269629812277, -0.009562038159673573, -0.00014316113232176156, -0.0046263876354647486, 0.16252271399594914, -0.004758358920622593, 0.011268122015590446, -0.010427822204700598, 0.016651568042108784, 0.0033410417593582905, 0.006672462583831577, 0.07578759371102155, -0.012163962092731241, -0.010304505683894502, 0.010777324823569216, -0.018894225273224517, 0.0035663750466171703, 0.003525344708380614, 0.025757747660848564, -0.013575066655246083, 0.03059804912391763, 0.024524209325747857, 0.003437436974689624, -0.018942800313268945, 0.002013876358664699, -0.021448067459519854, -0.011350221192179832, -0.003058039401415883, 0.00013396801762247378, -0.005155377943278194, 0.0014226300929763703, -0.017592351137205704, -0.010298407278979266, -0.011709221456135678, 0.0027385479808963295, -0.0009603204229905604, 0.004959107058130019, -0.0026602484569385057, 0.014981966869383277, -0.0002759802489111217, 0.0020899994932660833, -0.011580073894107343, 0.1562606197370923, 0.039882001425265615, 0.10647408280700657, 0.05382381956662044, 0.0986721217066665, -0.005421008951928569, -0.0071046834032330195, 0.07568956237144563, 0.037253875102127354, -0.029803414946248795, -0.0018800591734321741, -0.013150344454281789, 0.00896074139215515, 0.027009934055981927, 0.026453876435712745, -0.005286594968106447, 0.015385089135686097, -0.023413790357239728, -0.009030607629557588, 0.018059238051287486, 0.0007525096099146466, 0.011547379688465916, 0.017248039075947307, 0.015034013270163791, -0.016687009832492248, 0.0, -0.007323165400506105, -0.02029252583934101, 0.005561758196851766, 0.013300548210658595, -0.0018565386870945703, 0.013879135759731239, 0.015565611180757374, 0.010077132287215901, -0.005958573353651099, -0.01045086314105706, -0.016380236049325092, -0.004693411476672285, -0.007719472911988586, -0.00404176979420559, -0.005184925191512726, 0.059116903672038645, 1.1018547859376206e-05, -0.015069198777939602, 0.02316099689887572, -4.1347152175268604e-05, 0.04881496735683805, -0.008226544432565132, 0.009466552264134996, -0.009093144360179573, -0.008790505262290199, -0.0012209563072440538, 0.13147323865110924, 0.030738008970946487, -0.00240600545542846, 0.04663466668243598, 0.02645365675094212, -0.034627889949859894, -0.012590333509094461, 0.0003114595431392815, -0.004549194038142148, -0.0430745736766109, 0.02836255020933603, 0.02184448973796847, -0.01960428876858772, 0.01426982654179565, 0.047793372862525045, 0.007767061723362252, 0.006897035646135668, -0.006785030872992063, -0.04176324167059476, 0.01133721320871774, 0.018459181750509597, 0.014097641585126216, 0.017038476910534804, -0.005478323108026437, -0.003200815578688844, 0.04187037105039208, -0.019761392260647034, 0.04092715738336292, 0.040851994401320084, 0.032504976741641455, 0.011883498832101626, -0.010762884005894391, -0.0009643255561889504, -0.0017046191918803867, 0.0009043745408530636, -0.0003720256006796, -0.020548716677731067, 0.015946703346422786, -0.019484600933729158, 0.004952468320213766, -0.014563139224240126, 0.011793252641773598, 0.07517076499985267, 0.02033351456717004, 0.07075270791327513, 0.04644053278268376, -0.024935831148344613, 0.05658102526880218, 0.021813990436804834, 0.13666967589275586, 0.009567765574179002, -0.0009423105052849717, -0.0009516961976223136, -0.0034345134133524327, -0.0110077399175309, 0.026213447222692757, 0.02505516457774715, 0.01590754427757572, 0.0025761594097353227, 0.00833775067544034, 0.022339719270225215, -0.02544299931502744, -0.01512098068882929, 0.0045837816593011175, -0.01199632444597142, -0.007106208137273426, -0.027413717339984534, 0.0, -0.013624121817822413, 6.516215731194263e-05, 0.026178305163031317, -0.007178984358859489, 0.01748248964683469, 0.005528627760444224, -0.020249361226066062, 0.03734492267624866, 0.035424483606315754, 0.08173962625889623, 0.069858297725573, 0.014255468493616792, -0.003538698189830968, -0.010284947082625347, -0.020100179222757298, -0.00396779240429442, 0.004747290287497446, -0.014826883734369653, 0.009539427408888293, 0.0018482363250047803, -0.017701886472701343, -0.012374281873406834, -0.0025666013754664634, 0.04630266262742911, -0.005112525888433044, 0.0989606620271301, 0.01731358839824577, 0.01914274008851986, -0.011133844799839995, -0.007119688972601931, 0.011320141763727596, -0.00989268675505905, 0.04747207689005798, -0.02791968046872642, 0.003461213104610736, 0.015200641010230675, 0.020982143164785444, 0.039959370150786246, 0.02181921098541028, 0.012785373921386293, 0.0010288393582226318, -0.030607462787755255, -0.004941718474910955, 0.012377986565293356, 0.0255428873623033, 0.012224258125828197, 0.04776363075220788, -0.019070362764814417, -0.02828544234512571, -0.002282490044545211, 0.005280018140918961, -0.0183770106380711, -0.01647724399368856, -0.0016024611604351117, -0.004800307347640173, -0.01756625940114787, 0.014884691635493528, -0.015451887820374792, 0.002073904339567415, 0.06312685006310753, -0.012294168180162249, 0.06118950604977823, 0.010223837303336928, -0.007702229899079708, 0.002623223383058197, -0.013786622413769888, -0.017428170171326387, 0.011955733111008232, 0.009980718783598339, -0.0068993884824107635, 0.008985564183152862, 0.004222018991132368, 0.016759120033620994, 0.03593289876594506, -0.012129960543420002, 0.01936412292042213, 0.033499348953280626, -0.001636444045444399, -0.004807008056783314, -0.01555066806252576, -0.0067851639341094455, 0.015250360633509697, -0.001818197853212552, 0.010174311449305973, 0.0055295984941934545, -0.0059344529395317066, 0.0197317068407082, -0.02175857666903512, 0.019961993416685423, 0.03022583651885623, 0.022191280823848004, 0.012641340147448318, -0.018956562345044205, 0.016143819030393275, 0.0, 0.005150795813597048, 0.014823831033453631, 0.01294893463315022, 0.03285546715779249, 0.003902186629571712, 0.01035841106101844, -0.03450454664664202, 0.08286362414392767, -0.0359993794700677, 0.00298073296120523, 0.0074754868832002195, 0.015749825645003903, 0.019256630602721137, 0.0035632447342917564, 0.011642297649291018, -0.0006931656320488611, -0.007151440693572248, -0.010415228133067288, 0.06664709762567135, 0.00587452800882317, 0.005246039641254859, 0.0014693762367573168, -0.0009767036093204593, 0.01636154151554686, -0.020041898754850743, -0.00887908691174188, 0.02023156272215189, -0.016599663476135715, -0.0036062918445841567, 0.02180113237565645, -0.002405955622339354, 0.003616760241362319, -0.009784069133094533, 0.0009840289903583733, -0.01933856114601007, 0.024162451464564777, -0.00566127932504104, 0.006694130594998643, -0.004186145335746118, 0.019869643643061995, -0.012943982263115673, -0.0023413552164820695, -0.009945612035308244, 0.009391992459036293, -0.02043875865089036, -0.006228717434429857, 0.006611210702980633, -0.008093978946233793, -0.03736276327605552, 0.046233623701372406, 0.02163203530462066, -0.011596009841097306, -0.0171940031148085, 0.02798778046315474, 0.000828781042440424, 0.08119963019007485, 0.01477474521470273, 0.0197147736716881, 0.022980829937389112, -0.00855312408846994, 0.0477568871671504, 0.0035623967529749413, -0.021971920750782647, -0.01617437242946094, 0.006879616006248177, -0.03367107351392501, 0.037964225036226616, 0.041769352774349525, 0.03664118129186831, -0.015549997573352682, 0.03068496544541853, 0.012645171208855218, -0.0010118086566497067, -0.016149837670788668, -0.014216710464991733, 0.015420535179661181, -0.007007456575550766, -0.013915327395986743, 0.03136103967649979, -0.0008096032472096127, -0.01719716446339265, -0.003990600847862423, -0.004064397482066748, -0.009521854993769344, 0.01899956529649942, -0.00820073323478707, 0.009106311348453537, -0.02554698124217148, -0.03340725807515154, 0.01312578675308211, 0.00074453306778777, 0.04692496107802822, -0.002162786465612733, -0.003117223318533375, -0.012583178692917495, 0.0, 0.007369120500514944, 0.015182521097702554, 0.011989821816064429, 0.007067057432915917, 0.023529361068878298, 0.01047259240737192, -0.04239754481293525, 0.011632474687129867, 0.006201734685665601, 0.015249093169334885, -0.0014256813371894828, -0.01775057710851786, -0.010276237703662356, 0.0005286118878539252, 0.00651047070444359, -0.017277484543851696, -0.0012736600369573007, -0.011493637897171484, 0.01836341771867225, 0.021076421906279022, 0.003703987516417875, 0.00799662188271355, 0.0010008087703352244, 0.026307511201937417, 0.014525231119451405, -0.009558974632263623, 0.009044543919928566, 0.03656386730385494, -0.004460663960570997, 0.001171081157918749, -0.005569184327978644, 0.00896362181424236, 0.008150447669624802, -0.0009116769318640021, 0.008692310721638624, -0.004987328124627112, 0.006721575457389053, -0.020171185388107752, -0.0059003125064109995, -0.021414015239684798, 0.039131210028261317, -0.02795305925090314, -0.0018463720498842996, 0.010652961678194541, 0.002912727310260498, -0.01568094880318256, 0.013141217026828463, -0.015836005030256024, -0.020327257175502874, 0.008959809470852294, 0.020704542576241786, -0.020932601831887315, 0.011708521222718515, -0.005014991828108217, -0.013857417101919935, 0.07610282312175388, 0.010286367775465705, 0.0011353500323024574, -0.012965518748686624, -0.012058350936711372, 0.0059382330664417135, 0.021545857744402718, -0.05717691106895132, 0.02221977433660203, 0.01825839425796411, 0.003680133387583592, -0.043253170185061786, 0.013289042420699547, 0.0053516106910938555, -0.024760725572048784, 0.011277487341102803, 0.030582063743646807, 0.023223171016765014, 0.008276089888562595, -0.024666305269972866, -0.002885666449217975, 0.2535697048769605, 0.014415180499483779, 0.061176734330477024, 0.009749263838550914, 0.009780312611074314, 0.016304612114689143, -0.010201911350723186, 0.03371256571620684, 0.1269213073375342, 0.028379115887597756, 0.0210277657148294, -0.00864071397466786, 0.011433526566167756, -0.013984585804751665, -0.005868415585535981, -0.018917774069646953, -0.009776699830581758, 0.002117207776033141, -0.021510212825606306, -0.026469212058531578, 0.0, -0.005421808962726795, -0.014741787759921944, -0.009302124052114858, -0.0032450475314106447, 0.0008358703350636144, -0.009759719068467607, 0.0008736510863415359, 0.011292304432045082, -0.008866714672515512, 0.013472062586601139, -0.014364839473913066, -0.02089880933048988, 0.012889798446994243, -0.00030503780494309474, 0.003916712489344563, 0.01716911002169647, 0.040724457535429956, 0.0072457289723096155, 0.012726563910666365, -0.009004667616629835, -0.014083504890809858, 0.020074440792190385, 0.0041973760600051944, 0.000854681442013295, 0.02507328540120264, 0.0032503524172320247, -0.01687010833829081, 0.0028481174947988493, -0.011341371768850281, 0.007649814691538382, 0.0048176349766646705, -0.010790480620081803, 0.004259219955972968, 0.006483577174190339, -0.015017693666973352, 0.017193866465153123, 0.007363701647190421, -0.006680837080692169, -0.012193608963585007, 0.002593115239458352, 0.01763525499306969, 0.007683065545251037, 0.0037987222461502465, -0.021804671716586756, 0.00569267274370742, -0.016130843210313214, 0.005591493363488136, -0.017461721586162153, 0.0004230878094302208, -0.004595891004688812, 0.002287013716696121, -0.007214791780994715, -0.0075946969864716714, -0.006239548810344686, -0.02141978659571039, -0.0010308964676811218, 0.009610235251656798, 0.014080861540921318, 0.014455402230917848, 0.024489674329419297, -0.024769731602246114, 0.0753714013557507, 0.026399956952309556, 0.006152728114913175, -0.007014410413591588, 0.00770383848112507, -0.015557330445305025, 0.03899555341806672, 0.022785215020262928, 0.017746794703826042, 0.0017897518082278208, 0.045847542014208105, 0.03662561987719845, 0.005715325601103895, -0.003747641059788011, 0.039246768160830114, 0.04945867261859063, 0.05210306606678341, 0.00905011532534511, -0.006982330651813237, -0.027194912588803646, 0.05431466529666538, 0.024562660598062284, 0.1574594663330052, -0.00391428322613975, -0.03761114593062322, 0.015250572833987789, -0.003942425781328111, 0.017195109075951294, 0.00548890984459786, -0.016440922051273753, 0.013343998695423912, 0.03455994743961163, 0.010761885759428082, -0.008597632954026496, 0.0006825372456837558, 0.01482339989215715, 0.0, -0.0022280371200796346, -0.002328942461575276, 0.02253312118434791, 0.004319234143944261, 0.00412215080160074, -0.007306118183874349, 0.018185344490717008, 0.0046012368152358925, -0.011335236629827349, -0.018226900567184057, 0.003982697641303693, -0.015283404239508478, 0.005103331231687461, 0.006981955437469544, 0.00278658523954487, -0.02076077303068038, -0.010416340460662392, -0.02104892796132772, -0.007660789318504154, 0.012186738304067326, 0.002103071590878087, -0.003515636170906142, -0.016561021249250893, -0.005519617329729518, -0.010614443784791193, -0.017148738717495643, -0.029522097316356116, 0.034100346273131875, -0.00803358461122498, 0.006340037970396175, -0.014673883221416191, -0.045449910709887104, 0.018810317578895886, -0.0027023528976341366, -0.02326894581040121, -0.015774430533211002, 0.03927085122697713, 0.057393707481282696, -0.0003242673771593681, -0.00639758511185265, 0.057079955925963134, -0.01310008730144977, -0.009076081334983242, 0.03298455227311182, 0.015021626595971541, -0.012691720295510946, 0.0011073539072317033, -0.031666777207233696, -0.008340606748613717, -0.03142955926778383, 0.00040609038201635405, 0.002168654905794417, -0.03052302214970849, 0.050376527969298215, -0.008587286608106802, 0.0008090955192714387, -0.0016855487762112175, -0.024673063773260225, -0.003441216337919037, -0.016208137683821407, -0.0014268521104915434, -0.005724868009764689, 0.012114720240088046, -0.00998741029584948, 0.003734920929015689, -0.03329705406624581, 0.022288320591988164, -0.008008961941472185, 0.10096755942936826, 0.012646331525452222, 0.06771110831837406, 0.06564476833522556, 0.04054472190223018, 0.0964924802058274, -0.01156837922622348, 0.0851902998492517, 0.03850165419802884, 0.10531790963637683, -0.004879879530532145, 0.008330152638513269, 0.11152413883295802, -0.017852353101250877, -0.0016185107785044292, 0.005919826565395529, -0.008321669960804223, 0.015988963552258827, -0.0069090159499133, 0.019827480689184638, 0.002996965951062768, 0.01281525327291828, -0.0018129147716910395, -0.026779729292742097, 0.010197774711052942, 0.02481839601359497, 0.009833311408559727, -0.009699343821451172, 0.02026451358285224, -0.005914780303385463, 0.0, 0.005837703495161508, 0.028127913204197233, 0.014507218827672886, 0.010337390774094674, 0.016319202092568867, 0.009735570679083773, -0.009107473589928156, 0.004794044785492035, 0.0007519160222330765, 0.008720809909424494, 0.01957204407921678, 0.021010989382549864, 0.006464952379818502, 0.02549780448527621, 0.009283907567979987, -0.03593530276788675, -0.017728876877938574, -0.021219586287615652, 0.005759073760819402, -0.018743728497964705, 0.04537400105601646, 0.0792827018485726, 0.010541676530216619, 0.0062410801185232975, -0.0037588192774206963, 0.007534915925993745, 0.013910784086176044, 0.06087478793934988, -0.00960837374445543, -0.012259039047675302, 0.022110233467528898, -0.004141095479029397, 0.014265754149433162, -0.016775317247503904, 0.009957354120529597, -0.02183647271700454, 0.02999439938712642, 0.13248211699968968, 0.06978572320794874, -0.02263176991899725, 0.09757999990378935, -0.002443825810471897, 0.035551665550724094, -0.0030060407102245473, -0.021067984177162175, -0.009105925080865796, -0.003836739602837305, 0.009719393131669108, -0.015389190456067488, 0.011391136298231937, -0.013235825558066742, 0.07944771966168375, -0.006168475805299017, 0.08595086886843364, -0.011359063678181132, -0.0063367931948727476, 0.011170965347187445, -0.01872124083757174, 0.002651145047136346, 0.008827778567308568, -0.00327290093129511, -0.010297104260808477, 0.025789576891102645, -0.019148784369667517, -0.01873783111555874, -0.025897736150763587, -0.001754917871340629, 0.013118271355737324, -0.009557794180392681, 0.000519455416275042, -0.01879120463176902, 0.027531342469725897, 0.022899494868947975, 0.026508243024489755, 0.013968608757098436, 0.006256733315987237, -0.01971634516300153, 0.04292759802734011, 0.01695515561424162, 0.03200502855560592, 0.10564876761487982, 0.0018466810551123734, -0.01970789883612979, 0.01374777730783599, 0.024831687205435368, -0.011934589618239936, -0.014442844736680444, 0.16152783807690765, 0.020085309562505867, -0.02090646785757961, 0.04782977846634268, 0.005531400667647995, -0.004443834273089074, -0.018939265877197808, -0.0030253133039005804, -0.01218130047071307, -0.013526952581362797, 0.022336567367472117, 0.0024213698411989634, 0.0, -0.03914856324937906, 0.009282815247611289, -0.009450704692558685, -0.024098692849698313, -0.04225361537080381, 0.0017754287250395058, -0.006613068152228425, -0.017909553597822092, -0.008115998812494899, 0.012661646197731365, -0.0012864224737147868, -0.016636114388566887, -0.009145220648180043, 0.00017127795374518082, 0.0011305470697602676, -0.0035600835585133574, -0.04264123794834054, -0.012042591564416357, -0.009272847265696918, -0.014800275361806205, 0.01836673322930863, -0.0062240943693706715, 0.03339651926015092, -0.014196703093314654, 0.0011041190196173043, -0.004592390846323913, 0.013734756870004671, 0.028520355788463785, -0.0157323212618567, 0.050712129388475045, 0.011031065304072723, 0.04186606042648553, 0.021230046326264625, -0.004324173506210511, -0.03390134720813602, 0.007515694674845152, -0.008385228593367107, -0.005812176294251281, -0.029478020531689887, 0.0126174874529641, 0.012271414594064086, -0.04526025841910675, 0.026901400956410998, 0.001102954420605269, 0.05518933463517991, -0.01135757113593677, 0.06638765172286047, 0.00098435075747958, 0.021747049064083614, -0.0028821529800047603, 0.04115939935789444, 0.0012772248978067872, 0.030168590623497138, 0.017807316335522676, -0.0013469293191406722, -0.0023674672785721227, -0.030341191281658898, 0.02608564016248041, 0.02586466524343693, 0.01613003799805267, 0.0190545128540896, 0.08483685553488927, -0.019000063990961536, -0.03404005584363078, -0.008576227589961752, -0.0028967137224770183, -0.015938777515659912, -0.022396795110167844, 0.01121405229530707, -0.014771039308310356, -0.035710987739627886, 0.006097817283263102, 0.04298091098996352, -0.0008743016542671297, 0.11398400643091468, 0.045807570325707904, 0.001973023038617932, 0.07937818692595265, 0.011772704370612582, 0.018121258006702116, 0.027091626736976376, 0.0216039614032146, 0.04742738300672837, 0.04994640945698724, -0.015803954147088458, 0.0033553916659499763, 0.05312656009575028, 0.044867792017119344, -0.005778433186708619, 0.028984691078082797, 0.021264716468659114, 0.009086444865290116, 0.03461830225628253, -0.025069238721762793, 0.032040930834695426, 0.01625232214243666, -0.01369469452669063, 0.0015541422278594497, -0.009626680732256873, 0.015674075285495342, 0.004420004401247445, -0.014733325306117531, -0.0006198807096664439, 0.03382774219178005, 0.016037778282512058, 0.024686123946215093, 0.007117039231656159, -0.01575711581302372, -0.04026944562212527, -0.020110557035454005, 0.009269458757082722, 0.004845021317825487, -0.013221448900773817, -0.005174647374193838, 0.018131136670725512, 0.010373716374183287, -0.008729239754387013, 0.043131453685333755, -0.010463855254429609, 0.039086592947252564, 0.02547671175792796, 0.006859481413935383, -0.0004098304974151861, -0.0033664554975810874, 0.024974055505074644, 0.04209772449533466, -0.01686129290121611, -0.00037286524629354345, -0.02298860897470023, 0.013294283414144552, -0.05125707224643816, -0.0014135344159569496, 0.05100433963481767, -0.0006657296073778981, -0.007562445876154413, 0.021460736172263475, -0.01314890711551859, 0.005077412274597244, -0.029643183861035094, 0.0008855620653976402, -0.015718071621229145, 0.006632710663975028, 0.004875180543965988, -0.003304337764897908, -0.012704791612085252, -0.00901693229635441, -0.022899620126148493, 0.0020123769270137684, -0.006350393233103637, 0.00903385228174847, 0.00573294414693845, 0.011753357941653463, 0.030754453549061193, 0.0061473449894930985, -0.0003446278402607973, 0.005388914791528962, 0.004733645839607331, 0.0029565628611200583, -0.018233448810977257, -0.011125368751104084, -0.01708426061613577, -0.022289305389003918, 0.013448686009103239, -0.005954197793548917, -0.01098239357842781, 0.013244396682667553, 0.003301762008597126, 0.010912595656244615, -0.008159040000661316, 0.012206933783639087, 0.00796784553420935, 0.00848371559603075, 0.04315349222028919, -0.016006288569503816, -0.032914773289978334, -0.013431342633562627, 0.002942002883653889, 0.10987726717465075, 0.007678615637650147, 0.061124083384221796, -0.02996814398303235, 0.011374608938363437, -0.02376550991811583, -0.0021943390227785243, -0.0033396558367683933, 0.015247039401153567, 0.045394993753320984, 0.09709248156773824, -0.01584454724031428, -0.007915867397540648, -0.014825432798328103, 0.017427840311703288, -0.007828515376582655, 0.009357137175936552, -0.009086665423328777, 0.01564406687665695, 0.007700151427412698, -0.00895325884922529, -0.003671178767847242, 0.002460442968406817, 0.01023101609158629, -0.002477318433509648, 0.0, 0.010728104417863711, 0.018819960680728942, -0.018354196219225738, 0.03526076115294827, -0.0023555544166949664, -0.014704875986686778, 0.053522268756281896, 0.009569128664575344, -0.0004920359508497995, 0.034462687842173864, -0.023268568304152193, -0.012848230074049711, 0.00982034625256299, 0.0023102019614533262, 0.02398958549066895, -0.019242633065774756, 0.0027115078853862883, 0.022039733385228688, 0.013161002963238792, -0.008974626958715986, 0.001123072457251476, -0.013154398811336286, -0.012815858277501181, 0.011045143341821068, 0.005123305012157392, -0.005517657082735184, 0.006646381946345605, -0.008230469642137722, 0.023304829000851013, -0.01224564746048001, -0.006320167146463986, 0.0013823434308314802, -0.010159536100381924, -0.028895097717555704, -0.0034466732833582352, -0.022389959108463666, 0.0008445582607120231, 0.006971419775507936, 0.0306499716693533, 0.00020478029008275903, 0.02498043302198196, 0.030569344971914554, 0.008279571190366961, 0.008832412846296517, 0.009153781570038672, 0.0074314163801001915, 0.03907474151140887, -0.034186841732019774, 0.0012103942958311782, -0.02839021052166288, 0.0018342459219852177, 0.0009088988744171744, 0.009712505464625962, -0.03902541434514921, 0.03233499980943912, -0.013149074784712356, -0.030098960244186315, -0.04479201539191185, 0.005184026998710275, -0.014413148217972226, -0.004080717028748239, 0.07468308607788415, 0.013613481583416168, 0.06649657886698279, -0.034685435941988044, -0.03017613086380606, 0.018856818525116118, 0.010978860609310264, -0.019344409675241276, -0.013656436916885801, 0.0024063731873441383, 0.025779168843214642, 0.022475852618432494, 0.02826563861035877, 0.0033960803591994632, -0.013057022802806132, 0.034511717817829406, 0.028889173381534884, -0.02232621230571446, 0.04582237120990632, -0.0037339919088315724, 0.004001253871749086, 0.014868196907185343, -0.005721124263195784, -0.01822635995557489, -0.022870403053838785, 0.020622985125486694, 0.0012953769383822684, 0.007881946529422874, -0.02074949790879162, 0.18898556545610323, 0.013057034323040197, -0.03181605706071643, -0.024702144527935663, 0.001228754216416891, -0.012570218361722004, 0.008213710337813379, -0.026035659542131672, -0.025235060025272545, 0.001984227523341158, -0.005811662369168864, 0.004806028249254283, 0.0, -0.018213665564557148, -0.006709490609423349, 0.0027595642224083707, 0.005227418519313717, -0.0067258871886172215, -0.006541658014402805, 0.019731559347620255, -0.010845916158971104, 0.007255305631681568, -0.0041135707578392276, -0.03229417713304853, -0.002431309725901353, -0.016615401029896424, 0.007048167395069496, 0.0023658665879954, 0.007736594634594108, -0.015453813915849404, -0.00436174073113514, 0.002289506563882288, 0.002962947358447394, -0.026586158318516115, 0.005425962883576621, -0.013334034760603419, 0.0096463870603702, 0.003999029460306395, -0.00775042240629126, 0.0040858651590074254, -0.016797652612708054, 0.030835270193968374, 0.0856923223753954, -0.001069932656824852, 0.0799222585323729, 0.01847628488957722, 0.02469575540848563, 0.011124506046350168, -0.014703748364785493, 0.027023106951936184, 0.031418482433926795, 0.0008685165537734083, 0.0233901068934909, -0.015857814376574072, 0.0072424231133187775, -0.019446538780993127, 0.010956120983621604, 0.035978136055650776, 0.1301338253357184, 0.017274539448994566, 0.008575685115175185, -0.014835591670946937, -0.002690508118033902, -0.01989291693022212, -0.0044559205908416485, 0.09969391728120024, -0.0004886420565207686, -0.02846517377697983, 0.020954444185213722, -0.01331765274819057, -0.013478863885618926, 0.012900681706489213, -0.00701897279536804, 0.020761376579751595, -0.017027887198346334, -0.009975850410548001, -0.007580353914464971, 0.027109381433645878, -0.005178991148589989, -0.005667638137451727, 0.03421003481103753, -0.004235038050217245, -0.025756913505731175, -0.021888598233442712, -0.011570977369714857, 0.05180970304278176, -0.0021830114275044137, 0.14289563564939167, 0.03941332971587829, -0.012298463920459966, 0.0016307440087794084, -0.008698118882362472, -0.0069188150961069774, 0.05671792883834097, 0.051395628609186735, 0.029057671052102177, -0.02227737635032319, -0.003240110333260833, -0.0008995578436731632, 0.003842967300421195, -0.009983304432731011, -0.012660553480291308, 0.08838441166191596, -0.0010916077174376617, -0.002298770623659673, 0.024444255592823726, 0.009432647309819357, 0.005970774109886986, -0.019026950617653828, 0.025158631796178745, 0.0052560495923182115, -0.03884705496604256, -0.022555950546582652, 0.012301220815199727, -0.00408383708921908, -0.009075320163161977, 0.0, 0.019039470791286584, 0.012308803006619, 0.04908140928278282, -0.013035560634575566, 0.004145247976872534, -0.017851066610832463, 0.009120820387351106, 0.0010219128502063364, 0.006730920015537713, 0.015888482200328683, -0.008247878224613769, 0.012337036500062534, -0.004038292978554687, -0.009677293138338428, -0.01613184670469094, -0.01567819363405686, 0.005960613015412473, 0.03716753556422985, 0.014256411322781512, -0.0065894676584277185, -0.0176261982782066, -0.015803355503966738, 0.001795040425299636, -0.01825392941063559, 0.02283790056568596, -0.01772611923306411, -0.010678824235223539, -0.03993794515976527, -0.00869449964084044, -0.00944500309602908, 0.0027255473128647294, 0.007892013342762018, -0.01733192317886766, 0.004836548327448489, -0.0060505841911334055, -0.012899448796612421, 0.008284892721866135, -0.03910392822278773, 0.006084479264497317, 0.011157852307754632, 0.030659265309350873, -0.016768188587321414, -0.019015397821922613, -0.016903316654682598, 0.006638292414625372, 0.008877283777175745, 0.01763865139003219, 0.013525919694944748, 0.017843927631306884, 0.008458294906620988, -0.008681695628500392, -0.013606740426037187, 0.006589519206127232, -0.009199805719008672, 0.019319297838969372, -0.002665783633848084, 0.002298839118664304, -0.02327432322714844, -0.0013505595161292093, 0.0018005696557495331, -0.005316509120162597, 0.07436007800635448, 0.03375084513682491, 0.004855916170756027, -0.011433400427474103, -0.02792794523764872, 0.009909363591696342, 0.031237700955967028, 0.029642388453503084, 0.0361661932481916, -0.01735616507969302, 0.019989928292151352, 0.1488626959322714, 0.02586810169595197, 0.05628095471703335, 0.03125319965740239, 0.03384156286610382, 0.15235040707727596, -0.014185962630918907, 0.0168353173741179, -0.03447472134809761, 0.029493171055969207, 0.024091916768064946, 0.030714828438941317, 0.007226677500059087, -0.026879766346973626, 0.1553916764770235, 0.025173648565100556, -0.0462495264878136, 0.07152962863844574, 0.05361323255645407, 0.0020191558164216663, 0.023849131166149364, 0.026343438936005107, -0.005234311512216817, 0.018186531084799885, 0.0004886707985158074, -0.011673527259473963, 0.008162798549517073, -0.0016174717546368106, -0.0005032665735825558, -0.00956727182194997, 0.004898142050131467, -0.011323527211171053, 0.019051255012491875, 0.030443854098081938, 0.008903909206645962, 0.003208365852272314, -0.01786095317306966, -0.018209376546920186, 0.02997741146511135, -0.0053771817713327025, 0.019614067135307667, 0.023229994583350958, 0.014661354625599119, 0.02027506497565079, 0.01210713488372683, -0.022984160428455056, 0.021923204373634, -0.015374401739294266, 0.011107149772430713, -0.011638654998924063, -0.028697648317086044, 0.010858159566440121, 0.00926167081005991, -0.019257302578059587, -0.012866405224463598, -0.022586772239198333, -0.003177989997765109, -0.011678168083669355, 0.015067395570108154, -0.026443639010822292, 0.013226050534957982, 0.014564834624636896, -0.009380769022854419, -0.014719471605775025, 0.007405014033711782, 0.04062193857078953, 0.006006218292395995, 0.01462010683572757, 0.011751495875673049, 0.02432441509212524, -0.0030178981972523995, 0.0020861881507345014, 0.02940001089921573, 0.0008856224300663542, 0.0011682118755470437, 0.01884575433181868, -0.013307472186426894, 0.0005576593339368887, -0.005588118123604927, 0.002458464938899572, 0.00580249760247699, -0.01970427419159764, 0.012143553873775264, 0.026005844970720768, -0.005459863991493393, -0.01670653648062347, -0.0008989052169382995, -0.022521686595794472, -0.010049468662938068, 0.014612408635935974, 0.005754514143046785, -0.013839557211338846, 0.062121074465012756, -0.00011677688841268197, 0.1253168608870965, 0.019348733976952665, -0.004027577060343184, 0.021321896261313367, 0.004930320756674741, -0.012586216640556966, 0.007937151244261373, -0.008959652013890162, 0.0076449388789286464, -0.007216448745408052, 0.0165229295172475, 0.04813350414853533, 0.0016501025812530486, -0.01647973483401168, 0.01397189715789603, 0.007471829018394442, 0.055139431697574216, 0.026298767925875648, 0.04390644426377083, 0.004712310847858548, -0.006827982979565652, 0.0012779174350044105, 0.20417701958334233, 0.02475936175380232, 0.018959960488716256, 0.11470872085844894, 0.02331721589145174, -0.005624923012999027, 0.016445125789781464, -0.018134219326662242, 0.028559900121190064, -0.02347093800475876, 0.07229267917737908, 0.0233575012340155, 0.01584466101129237, -0.0010755599885230755, 0.0034572346554411397, 0.010157744106701424, -0.024040984125029936, 0.0015359968503400314, -0.004398398328623551, 0.011790825142345873, 0.015931282717601927, -0.017347269490867605, 0.0, 0.015913862503082757, 0.0026205060245356212, -0.024610525298335784, -0.014997845498486886, -0.00797827647957825, 0.13831052614659858, -0.009794750763656426, -0.004010862860258053, 0.004070097417996173, -0.015060096841581872, 0.002053770866766863, -0.024595737493356834, 0.02374563435857593, 0.0034919545152713397, 0.033729097162494205, 0.1295628932101708, 0.008845562103977037, 0.011868836761108418, 0.05800534756774279, -0.005387124189271037, 0.017931158024522893, -0.015359730104746755, 0.010528697644759695, -0.024114650553944208, 0.07684147811547141, 0.014690499347321749, -0.029947922296502373, 0.02046151161438112, 0.0001670075310762422, -0.009922546865769993, -0.015816010843855418, -0.01349402512303183, 0.03227809170305671, -0.004554260777967085, 0.023618833530488978, 0.00927582290087523, -0.015428944221046972, 0.003358919436463066, -0.028980047369191964, 0.022103739086942464, 0.07520076913000186, -0.004761624345792199, -0.005474166916217279, 0.023692219988885342, 0.01955838745376471, -0.005355977318003859, -0.010529922447102907, -0.00039160539683522175, 0.0026062348823970055, 0.023444426621513664, 0.03337026880218801, 0.045262778421939834, 0.015938750454278654, 0.040486879596092186, -0.04598550334537917, 0.009416282755629155, 0.003273841682685432, 0.016273820325950886, 0.023909316358993786, 0.012447928919911455, 0.021134291639393562, 0.013018859961043147, 0.006610929569806857, 0.02757056461236667, 0.0031434552111667528, 0.01999687088692427, 0.010246702915926977, -0.0059592921388478565, -0.01914678686074381, -0.011282668004381793, -0.0116267496412513, -0.020631325880274495, 0.009842789084802324, 0.0005014337860754801, -0.022033737905393973, 0.03358680936695212, -0.0036527896696107853, -0.004557640974675245, 0.0017730231126735598, 0.007621471214782708, -0.07384192408697071, -0.00788212865968679, 0.09819970365911027, 0.015811679308689056, 0.0022412697536490565, 0.011930635932590427, 0.0035407414098355015, -0.0108298991543887, -0.012252182540164495, 0.031176297165860324, 0.025463777260515692, 0.004153357535990663, 0.0036376719950100105, -0.029709801382987875, 0.015017959210283675, 0.016212259893325122, 0.026208833498036765, 0.007819040748867048, -0.024161463935551512, -0.0157566648895855, 0.004115822741287801, -0.011655562333208788, 0.027857269605647467, -0.058233570631609326, 0.003485809038082005, 0.022136718344048047, 0.0, 0.0074641173808965705, 0.00568727936498454, 0.008428005721980622, -0.015973164571642634, -0.031238181079493582, 0.035739408129964796, 0.01433163459344798, 0.0008049149227304806, -0.005791483834588556, 0.011222750679246718, 0.010092865518185007, -0.020314044057825272, -0.007735637776637755, -0.03481686980059413, 0.027981259866986033, -0.0347274061274382, -0.011318049087459123, -0.0033275934000697558, 0.009180915515295249, -0.033594611527826085, 0.00801989919921503, -0.023474997937546843, -0.01671005488353673, -0.006716538773849627, -0.03727103993410392, 0.015010576607749812, 0.020646886170276494, 0.0637550300955484, 0.0021731242999391267, -0.0046475970900610114, 0.04872875409600332, -0.0019334488147154081, 0.0685644602251911, 0.01265059712167364, -0.018876436705625145, 0.026809871632601172, -0.01041559951267251, 0.018933680767553834, 0.03369880369273332, -0.02983156929896755, 0.06143948869290524, -0.011527437300121304, -0.0017020471826093278, 0.010503097320125417, 0.02725530865214751, -0.008349234642507865, -0.01784515539671265, -0.023888434967342668, -0.004369016284828149, 0.029133208143687982, 0.04468661080357248, 0.09840779979946068, -0.0059075432375660965, 0.030538561785433627, -0.004686636002333722, 0.01647144275344791, -0.0031951251548424523, 0.0172305299999428, -0.005867677735853825, 0.00957200914490427, -0.022626386033617375, -0.010976632605000756, -0.0005846137707856673, 0.0165857977491946, -0.005820935455839156, 0.03757960005597992, 0.023378324477734042, 0.01069893083842216, -0.023066239511109848, -0.013369273252169581, -0.011094160149704036, -0.016359737700536288, -0.048474327714438555, 0.002316251640781337, -0.020228121762578852, -0.019425352502701727, 0.02196157710722386, 0.1651805486214045, -0.019710019862256605, 0.09976997868836432, -0.0033839328585248012, -0.005287394827253577, -0.005486398576653047, 0.018905097681585433, -0.0012134102825998281, 0.013080128231346475, 0.05726979514596311, 0.03194676091633224, 0.04587643268412743, 0.03694344462129098, 0.038153884811939466, 0.015215649470970287, -0.003524974135395159, 0.04845380082828728, 0.01058539520758669, -0.0036591218854060505, 0.019686403598243557, 0.018880546636112477, -0.0036774761444778297, 0.004955993431333284, 0.02557763460872178, -0.002969052531999123, -0.022551905625785802, -0.005185869044535879, 0.007035921737495622, 0.0207382711946961, 0.029356042262920556, -0.004063579940837728, -0.012091737548687071, -0.011177344496886525, 0.026591209180402406, 0.008927455302634479, -0.0029422260558249935, 0.003931016692603505, -0.0003944802958467628, 0.004427821182697291, -0.010222159360000585, -0.016694258556443322, -0.011506883318168504, -0.020785222119004406, 0.00645268720175392, -0.008432673750675605, 0.027867723121662157, 0.022399890467768933, -0.01327414808147458, -0.021437305989005014, 0.03857902846805527, -0.007828820716339599, -0.007436882764818671, 0.0483250874300256, -0.01341026974033454, -0.000591764271773829, -0.0017787519239244696, -0.019767481606067984, -0.010942474709030132, -0.006021822505635109, -0.004477843599122567, 0.008958871339307206, 0.016541866921249492, 0.0023701799246819786, 0.002227752836956917, -0.0075258873919791395, -0.013216787245564672, -0.004721054153454138, -0.001478004386175671, 0.03405178058966248, 0.03049964132485242, 3.6559437075715844e-05, 0.010506229702033035, 0.03417401145560371, 0.002437691682531805, 0.002489951699941661, 0.041162669936355825, -4.8613860444444174e-05, -0.009516949590211137, -0.0009389689727488401, 0.0066303533571647495, 0.01076388494260738, 4.536823734673372e-05, 0.05301639605767431, -0.018098146150049708, -0.016500373666645907, 0.009812328343889601, 0.02224866246131121, -0.029698859809363716, 0.006322876167592386, -0.014546098560731248, -0.009674056101603311, 0.005214986680181131, 0.005987034750722305, 0.0272582710700792, 0.007043360767173572, 0.024614394464508995, 0.015281827110241224, -0.03155513083080757, -0.0060778414535702695, -0.014684672936200183, -0.010034165191034217, -0.018717234805073465, 0.0021865057155231013, 0.0018088744670591672, 0.005462955477307979, 0.007530884568367867, 0.00825896183480372, 0.03499883232451855, 0.005974651200487076, 0.1791304388991071, -0.011454556930827036, 0.0018350269784562672, 0.0156380230853416, 0.0023748034515595545, -0.00808639869380554, 0.19862992130965149, 0.09953091229763125, -0.03157702871257511, 0.006917278359804398, 0.02970116138326736, 0.008523149394902353, 0.028151117515698338, 0.039348959224914035, -0.01463118787875155, -0.028248392703069326, -0.0005948727043496876, -0.026598989472261064, 0.03481170408326515, 0.025935745133371785, -0.0018398679244025454, 0.012832744323423703, 0.024673230874278244, 0.002867306451834829, -0.001239004082727554, -0.0055831755717814435, 0.0216761012765361, -0.0011862579399912726, -0.031076928112907323, 0.00048708399943958206, 0.0, 0.05136918074145753, 0.03227057717277476, 0.006561579612020133, -0.0019253132958937838, -0.0019358502587622165, 0.009829009287725341, 0.011378693732334175, -0.002597197992408125, 0.0026606698112318946, -0.0055916032081639745, -0.007492060598847898, 0.0035953233125170132, 0.009766158787877526, -0.008223057520963372, -0.01895634067003433, 0.0026640575959168, 0.008850111958352194, 0.00046786561099926456, -0.005696141525968866, 0.00021520330256518086, -0.022317982335680022, -0.006847758956797841, -0.011074309791188815, -0.00918062753867888, 0.012914667021702894, 0.009727633845886758, -0.013028591327224828, 0.024977271268725072, 0.023219376431328088, -0.010277551706916273, -0.004448239788835452, 0.020121899109230963, -0.025958605379223728, 0.009530977194671001, 0.0020677660661163272, 0.016691359134596562, -0.00492096310600223, -0.020080421286292918, 0.010940140531355908, -0.005786346894354443, 0.021394833415386377, -0.01378121303982485, 0.007147737135997477, -0.007912975948225928, 0.01520684954402463, 0.009813089548745975, 0.02317450219442383, 0.0178145099667586, -0.012918992433843018, -0.016311421217314635, 0.009804085601025797, -0.013387340202762154, 0.0048673491696835155, 0.019247380231319892, -0.01936210371360565, -0.004142484676582911, 0.0067712053415510025, -0.003231723149916237, -0.0029202896314324224, 0.023930641461745908, 0.012206251140373778, -0.0034010044961461845, -0.009332279509834217, 0.012657157288073272, 0.00038961594657736646, -0.004108163703208525, -0.003133325937995938, 0.009713094240294486, -0.00352687086427224, -0.013885813260349052, -0.0015799727544917898, -0.007535897121027683, -0.004822036711240303, 0.004741705727872692, 0.002444971992783758, -0.0012858689935898936, -0.008150725631340594, 0.009969114856130171, -0.0011867765917992607, -0.01572425057697684, -0.02304739241046072, -0.00843164943685035, -0.010807876485809817, 0.004670129398759858, -0.015473976840061358, -0.013131013563470318, 4.033305012754395e-05, 0.006073808094799038, -0.006581803485399891, 0.004252165581399211, -0.00403674452003478, 0.005067810772814891, -0.012028792394114007, -0.004585751744929878, 0.001765821530611469, 0.009947373024952324, 0.016269135909434317, -0.011014402038348, 0.025317407652939862, -0.013506548305346677, 0.003991652852748456, -0.01487408537708849, 0.020465352399476548, -0.036836073017090645, -0.00038051876553299316, -0.012824515713648477, -0.04375330624410683, -0.013927690012166701, -0.016989674846473908, 0.0, 0.015710424095441863, 0.022948400802836083, 0.0023500288065807294, -0.02599622670424931, -0.01201520445990711, 0.038847950158630865, -0.007124059018282381, -0.0171854612403599, -0.002478210432273486, 0.020201604711428883, 0.0022156848074736542, 0.011587996618485195, 0.009063479696218716, 0.00035936263344136594, -0.002308134020080963, -0.008514168897763106, 0.0006067095909552063, -0.022770234957731273, 0.010176280676876993, 0.0007802939772731445, 0.010363939870465832, -0.010682191718515558, -0.0026575860280255645, -0.009962887252531144, -0.023591546935471202, 0.01637072545508549, -0.018552886219799603, 0.0051748649326872715, 0.015671703491250327, 0.011422154390581758, -0.00264842299720177, -0.011230321767663408, -0.016313097686485836, -0.00739843908071831, 0.005016742571955865, 0.013824898133519337, 0.030760883023161927, 0.0027071274392491303, -0.0018242101627257735, 0.0025343031486681944, -0.013228523317278378, -0.0085299697481062, -0.009704623040683084, -0.01541847064957956, -0.008684377888622898, -0.017451083293064655, 0.028563302526722196, -0.009405813828296913, -0.004899895617095831, 0.0060375831506261765, -0.0041230438306063015, 0.0008398244520172957, -0.009048097370670029, -0.001858136632851145, 0.009110343776764231, -0.018390124141169018, -0.0182911505495781, -0.009230743828957427, -0.012803155814301418, 0.011277236800541468, 0.0077112911884391205, -0.022130552049378874, 0.01636977997515568, -0.005379219587234701, 0.0202742150792751, 0.022836390825094102, -0.0208704246630156, 0.02476103400962618, 0.013781553884097124, 0.01421114476306172, 0.018887844297195287, -0.003017461647699428, -0.02043359179510804, 0.030175007285952623, -0.02127763619760657, -0.01161745412946258, -0.023397979402260245, 0.014223362156106195, -0.01305244926089927, 0.0021898947718032038, -0.025133394653515613, 0.01377717105834528, 0.0004047599494277427, 0.01959891992928801, 0.0031542086556790435, -0.0013021972701754915, -0.009908370376538796, -0.016050404151864137, 0.004274634847990491, -0.021314260889869006, -0.02734349259531001, -0.007065154039832757, 0.0035354614435298237, -0.005464991159360472, 0.00022609846949450893, 0.026656753992659495, 0.0009196006960190507, -0.004450026267358169, 0.03373744084184094, 0.020836297327414852, -0.002231662394058703, 0.0014791477797432495, -0.0025239672553771866, -0.004198135819413649, -0.0084663880992699, 0.020347689182733178, -0.011576954288397983, -0.009819901754745805, -0.020189780080417476, -0.011344694392052688, 0.0038370194010827175, 0.006238814763574738, -0.009342610764711223, -0.007656136407999268, -0.017746606388199342, 0.01034040450972718, 0.06871130266179581, -0.003573621866349458, -0.005181256581289322, 0.0017574946982655362, 0.0036813629175420377, -0.003106029815199745, 0.0015903236455216338, -0.001677959973886204, -0.020159362775165248, 0.001885881562067215, -0.022179702179350034, 0.09698191608447507, 0.003461023199426316, -0.0018295434174413299, -0.025362573930040863, -0.019081750683253813, -0.014506944841156251, 0.02281040124264526, 0.029792298586681833, -0.013504348686960408, -0.012871531426345888, -0.011304323474515954, -0.009292320094458758, 0.020985544744605098, 0.01581746480975313, 0.010523234384351775, -0.004926259373605981, -0.01184426219135458, 0.027286664435541102, 0.053017398785580455, -0.013342671233733195, 0.011177244432212045, 0.0007582147405355618, 0.004025114278448414, -0.005257993475675972, -0.0008035502659826128, 0.010220315464186173, -0.04087495097245655, 0.0022371165778148354, -0.0018619414503380164, 0.032246378087256534, 0.008262356108248374, -0.03073928420083584, 0.0005887010226026216, 0.014210445838313919, 0.01652631224320791, 0.013412930303507112, -0.006046300886085031, 0.007297314670778256, 0.009197892460090843, 0.034438996451105444, 0.006908981462769815, -0.027822903623474636, 0.011839219906496529, -0.005500253633007944, 0.014818318109980647, -0.02536151219644537, 0.006694415123817779, -0.013107484132287968, 0.011109530845658801, -0.007372641278920697, -0.026885062536693836, 0.032010782266757826, -2.3029023573112625e-05, 0.032451356499241434, 0.04028557062876134, 0.010209986594499443, -0.005957182949267458, 0.023032555175896, 0.007555990920577074, -0.020245784719365875, 0.0038180537460035546, -0.004695904720022621, 0.015866286731421382, -0.019218695076782217, -0.014382845350034592, 0.02540485440178988, 0.021171414362772742, 0.01912924553881419, 0.021180923286777877, 0.0035597328336799093, 0.020482473620855146, -0.006582869477847287, -0.008548363341489383, -0.012586293538500753, -0.006142420753620263, -0.019528779732483743, -0.010352340766863217, -8.251724849386056e-05, 0.006440857703903552, 0.0017325411370684143, 0.007602451754614651, -0.02258692360930994, -0.014319350958472435, 0.17199946829557125, 0.025063096513908426, -0.004973172841069742, 0.025660825057524827, -0.0036698581878008563, 0.00032663730027055734, -0.023178887735856718, 0.012599538927878842, -0.015186375252604835, 0.0004360444103685293, 0.01949312201177944, 0.013413868837502346, 0.0, 0.06715202855194789, 0.06343728167270657, 0.019007804033953656, 0.009405905250547946, 0.02404790154679575, -0.012014770249911379, 0.012078887988784395, 0.007134555713936505, 0.013398741491422585, -0.006104830339504962, 0.021735918850089225, 0.024380991130541103, 0.002933202533320241, -0.0058464899151076015, 0.0006319020929807487, -0.0024638859132888255, -0.012036539122211818, -0.0031286420045288513, 0.009860756692155116, -0.007518966702977347, 0.01790281045591365, -0.0033253446049165297, 0.007718505416538643, -0.005396291288133211, 0.008823648152390751, 0.016558270341858448, 0.0013934230287377465, 0.017197376381069246, -0.0107996952735101, 0.011662784815345103, -0.006894857244185454, 0.07934036967412364, 0.0041537560705240655, -0.018880136666275273, 0.0010161968655629599, 0.009288756181887394, 0.013767253825720662, -0.007888651567516053, -0.013241346933253073, 0.07358788419796365, 0.024842549487329155, -0.0008869944929749381, 0.01199313852227314, -0.007737824245569864, -0.022941163338255986, 2.3954227527532573e-05, 0.03423103807920176, 0.008787426155037524, 0.006189065937532265, 0.01050981642341972, -0.004030156316664826, 0.007350546196917195, -0.012810974669749798, 0.008975462563389495, 0.0020487042554112513, 0.009998583788030134, 0.015503688138120215, 0.012683174697597823, 0.041191051611864114, 0.003352473312338752, -0.014356253041659573, -0.022098995259376315, 0.010787575523937025, -0.0118384747571567, 0.014543970585459722, 0.009708487980249552, -0.00848380785762728, 0.003945319955673888, 0.013286801267297093, -0.0007082322984187062, -0.003925629764620222, -0.00775333635385214, -0.013620425333404178, -0.005009482538901154, -0.00022246820673490063, -0.025958260971404353, -0.00651765202538416, 0.0003952000080021595, 0.01076269827782661, -0.00044491400581415946, -0.02119716224027339, 0.017670037959470003, -0.00466927807943231, 0.005916380801130712, 0.012178383398497743, 0.019212849774800735, -0.002648741325410223, 0.006062429104172678, 0.009040674222286072, -0.004538966254647158, 0.003541271236896967, 0.017647340848032794, -0.005327088878153894, 0.01605677139360212, 0.02745202482076083, 0.013761903842578005, -0.004817086232972801, -0.032794935344660846, 0.1269646029850051, 0.03154544586557379, 0.013044850052407903, 0.02650769708551553, -0.014618084262536933, 0.003335550878678145, 0.009858422497543885, 0.006109126765527102, 0.01839627673690216, 0.015763093466894803, -0.02140501971231181, -0.023728888510624775, -0.0070781055164386, 0.007243039203682752, -0.009029775036802653, 0.03521219310921495, -0.015176834910795344, 0.008646500775042589, -0.028302697186267874, -0.0001350815901576218, 0.011586891538563331, 0.07002938419378861, -0.018678419479488197, -0.00825829914667546, 0.005899572898961266, -0.008467427237818646, -0.005527868474042554, -0.01956220916437689, 0.007238315801472775, 0.017905721807944364, -0.004049329526429863, 0.019944330169744725, -0.009999888764818596, 0.007688874415299652, 0.00924412685108117, -0.006384698951206445, 0.003421427051952866, -0.0065401842883569955, -0.003842051742001839, -0.011264294188983727, 0.012651048855918766, 0.007204517327655315, -0.006634308633098689, -0.010504472260423862, 0.001272333796311224, 0.00435999505462736, -0.011726798859912096, -0.001511652866737567, -0.010337141356279342, -0.005436140230099081, 0.01773178355184243, -0.0008719124675903234, 0.012089192706274518, -0.002783096933672024, -0.021153754117334743, 2.6243754924635692e-05, 0.0003769811682825685, 0.013923817150757217, 0.0024809646649263314, 0.014127513516373924, -0.0004098962524487885, 0.006271030073452094, -0.011887028579747947, 0.0061668518456264075, 0.017005544515805045, -0.013256052609452205, 0.0016505375759958724, -0.006220571040420863, -0.0027307476292637695, -0.017319130390158092, 0.0062434050082758865, -0.04473092362600945, 0.015251613176340786, -0.01909803576646353, -0.019670555566688397, 0.013321054487238734, -0.0014557359119391098, -0.028597014874552334, 0.023443389989891338, -0.0064156825598774385, 0.031183998770616055, 0.027421264562322856, 0.00966946625148995, -0.006339138732104344, 0.011512279605067536, -0.007302717923514662, 0.0022136639337653496, -0.003137357727125478, 0.013911091126143813, 0.004659194087790906, -0.0010859443466675611, 0.003956468969663833, -0.020161415318440776, -0.006911486012362848, 0.022213459805376503, 0.0016441725093502225, 0.0036205645963310056, 0.00046827755947244294, 0.02343001014560662, -0.009643375321607743, -0.03348387330440485, 0.01142383406924395, -0.01397680204361494, 0.0037890262836126135, 0.004349137781365924, 0.006005312933574935, 0.012382040082685833, 0.011484586224499568, 0.005871498011474765, 0.01729631236618791, -0.002748689398174012, 0.010827792404514563, 0.018753832070429598, -0.010002343692259698, 0.08989428779527481, 0.04632104375918625, -0.027161293508992945, 0.019762744236256492, -0.00922067509768439, 0.009535266030300835, -0.01698328757532156, 0.01160984793748859, -0.00779273589975186, 0.0014979979962182332, 0.0019237317026119998, 0.012950740666652786, -0.025020125851761638, 0.014700227281174726, 0.0, -0.02362728496152523, -0.01330403368924254, -0.016381668661074017, 0.008387327440261157, -0.001971012255191382, 0.006987738478022654, 0.07786317862453361, 0.00018140704719615762, 0.01999583006938958, -0.019939008057396648, 0.00021692478558317784, -0.007198297666578009, -0.003896432713367717, 0.0053459640133689205, 0.01645488540684717, -0.020381513745545005, -0.006778335555544088, 0.00976950986570427, -0.015215488201274054, -0.01876759197760151, -0.004331160064412164, 0.00810197164850526, 0.008343815715550679, 0.020517713620355073, -0.03912562550732547, 0.021569559904972325, -0.0011722789327655821, -0.00545862252401074, -0.010358936705615473, 0.01290504930664277, -0.004603765287909205, -0.0015104443236611284, -0.02505662942071532, -0.01029759682002708, 0.011947034217408123, -0.002385322897366948, 0.015159700612775481, 0.0005230180612669142, 0.017713517876416306, -0.04020084761689827, 0.009133916182302847, 0.0017775006955340188, -0.0008530438599126265, 0.011589436291570339, 0.006994658218874788, 0.015595359818842181, 0.034771940340149785, -0.020482285119220442, -0.017391062857149753, -0.019152616273550107, -0.0019503535241166498, -0.009176013505594008, -0.001731861004701921, -0.0032966234566703142, 0.005552004688569675, -0.011315748786901966, 0.08428118966206584, -0.01044484653471625, 0.0031464966493982426, -0.016874183886494407, -0.023837750075782725, 0.01856198585507324, 0.02121720936959294, 0.035982289264902496, -0.019006751396291578, 0.017879360084418094, 0.2091722865389509, -0.010758978956255914, -0.0022563056624810146, -0.009292822161727787, 0.016058194430808425, -0.007275189511393351, 0.017335673748436354, 0.012377426063759203, -0.00030450007590560133, 0.002886550437202896, 0.0004384026778670398, -0.005367702486314067, -0.03387160430491871, -0.010332694301921151, -0.01267925746914366, -0.004217945706323944, -0.010863966008412539, -0.014435082034405012, -0.001597628834339629, 0.0018248458750794903, 0.019717230832828683, 0.007231794945568324, -0.005066202118463553, -0.003603331026331453, -0.02160753456445617, -0.012646732926594637, -0.0024673644003213916, -7.918673448170581e-05, -0.006047485828153908, -0.020036093246209304, -0.018755238993375115, -0.018716387355502212, 0.002438216721537588, 0.07398955855137676, 0.1002794662270059, -0.006129751197384457, 0.06871627708585348, 0.018714845791871177, 0.03646072261405872, 0.006957347462853712, 0.00614782268099728, 0.004620206489364966, -0.00409985871731599, -0.015176096998137208, -0.03709966995147061, -0.0036520085268369365, -0.007869558724915451, 0.00636050664536895, 0.0, -0.020824717600773215, -0.003390907937888491, -0.02288817258466936, -0.008683916902818696, -0.0016372282215849773, 0.010058899269610524, -0.0052304399555330675, -0.01936523934717855, 0.03874563893774297, 0.0182228245778376, -0.004502303361349237, 0.000638438002245487, 0.010950257816739488, 0.0010756944347734413, -0.004526745601101127, -0.00017870800698889782, -0.004310635094106407, -0.01290779727320007, -0.008276704441799869, 0.007647911919835439, -0.01608219171216064, 0.011205794615510254, 0.020121534638407115, -0.0003699464735520673, 0.005586556219725748, -0.006819328205301761, 0.009327185219360146, 0.00031691595699430994, -0.0008711171524595087, 0.011791315651671639, -0.012537206824861752, 0.07133634121982531, -0.030384660487062995, -0.0012985583489228333, 0.009824926407921378, 0.011708549856387897, 0.004433514076903666, -0.01623972452587178, -0.014534618532355865, -0.006164656224785011, -0.01433703977237295, -0.013355288252477454, 0.021075312739720412, -0.020178022480290405, -0.024540236222800393, 0.027823455449032915, 0.13440076445917262, 0.006149195554180289, -0.009399565839236597, -0.016051166754780962, -0.008903255060558299, 0.006627629028977422, -0.0282184559197073, 0.0036568052243196253, -0.019296667043819934, 0.009155320997010075, 0.03163323115723518, 0.013389993048752442, -0.006384390282180539, -0.004418123066948672, -0.0014248396594331901, 0.003245831202512841, -0.0035401279106017087, -0.00158437044853193, 0.00547203656875739, 0.023985035478974716, 0.0028254828140438274, 0.007118062661770736, 0.0019919870742423056, 0.0307651436985945, 0.001509897496717369, 0.0028184026624003427, 0.017155992874711985, 0.011783707125107793, 0.003999259235509293, 0.008232498570528064, 0.003620237972762831, -0.01434425896675242, 0.012509682911440329, 0.005489567781927497, -0.014287082732966045, 0.012701797632618425, -0.00537942591272511, 0.003698946530917375, 0.029642193767420055, -0.019824286330791863, -0.01038506431377374, 0.002226125928715246, 0.005263632669672585, -0.03090224608352954, -0.03108262070696018, -0.009806935187238755, 0.0020656610963524762, 0.0007685933920503334, 0.0017712900530897264, -0.0008237454424498104, 0.00305572880056157, -0.015313672373476537, 0.13956139389863267, 0.06801744770874854, 0.05158870060274904, 0.1457618248785434, -0.004235148631249338, 0.04762674901055369, 0.019250900186109483, 0.006927726865226324, -0.028729267775570066, 0.00752488981105517, -0.006901678196951616, 0.014874539039899602, -0.008671689943395173, 0.00977182055543497, -0.008923640643917775, -0.0010909776091082663, 0.013581475433937097, 0.0, 0.0172879231833607, 0.0015199583047597848, 0.0033070467660808464, 0.008218227508405316, 0.018950714430812927, 0.016728750082646317, -0.02118339262977521, 0.011945838943068327, -0.00788626392385776, -0.004921149611007922, 0.012036223942324812, 0.0011829434228317148, 0.009083315213971207, -0.0010816254157157473, -0.02496343305673632, -0.02011477864488504, 0.002607943608187777, -0.0027929014042498397, 0.00024857119014392914, 0.0013672912302361661, 0.0022088105277507817, 0.002700855917807475, -0.019710023883669502, -0.01319859766862736, -0.004243354670492461, 0.02107570110087848, 0.02247877336741785, -0.0024290508562412223, -0.025005522521223674, -0.0014357809553399259, -0.01643526007255641, -0.013415772070230834, 0.018425242115497724, 0.006425350089573534, 0.004813185947415995, 0.007600767331558201, 0.010858773621901855, -0.014629414633845459, -0.002751906813427829, -0.018560734730956492, -0.007159887126836738, -0.001177201376958461, -0.02443482959427882, 0.008922611588808568, 0.015603194013460683, -0.012570805799197634, 0.0030752648681884307, -0.014456443237139007, 0.009471761273663318, -0.008850724450560604, 0.004267332406738871, 0.014206327541405488, -0.013391338621932211, 0.010112296392848576, -0.013120573801595172, -0.022938126552058586, -0.03175153963653772, 0.011674585041079433, -0.01617437646120104, 0.017934125989984784, 0.03077132484528798, -0.0037863176277236708, 0.008571204910926144, -0.006383344030029653, 0.005465998073234097, 0.008823302652570668, -0.024637457568672715, 0.047765728389587946, 0.010911847002997323, 0.015268355840953578, 0.008282547427115315, -0.015209700187644715, 0.006090552170496841, -0.014093594476712493, 0.008418145048186302, -0.0054742265287429405, -0.01056752797603874, -0.0010862124154236948, -0.0068892908268417844, 0.023618824271969895, -0.026592405766167084, 0.001788473645651608, -0.014381980017511634, 0.006917274523935452, -0.02192235450709597, -0.005102695469577799, -0.011453707551251944, -0.0062812117943034365, -0.0036332113279603007, 0.008205603843876537, -0.01938266700372149, 0.017759052562502826, -0.013493676958029057, -0.01191699808759051, -0.01987015302209463, 0.006364178785730724, -0.018042756077535124, 0.01099096863120877, 0.17363356175062428, 0.1652363559100584, 0.005631568312730011, 0.016757558564501562, 0.05051983861335727, 0.011862815712904295, 0.08225325858362341, 0.029492352288149212, -0.028599633492589233, 0.009885418641675985, 0.005586284415113901, -0.03513720378542931, 0.04035228128550969, -0.0062923309255592825, 0.038379758091269596, 0.026507937785423364, 0.010569281326646128, 0.008223341578645066, 0.0, 0.14348204148474475, 0.007668223922984952, -0.011555780735170657, -0.015727674270260703, 0.010119663800430178, -0.006706918310955037, 0.03691635944939164, -0.009139177561214292, -0.0215281967391872, -0.01014535350587004, -0.01754829342532892, 0.00027950614188172295, -0.005020130452934774, 0.019297499131627382, 0.000593591397451774, -0.005302061411769305, -0.01194231204126951, 0.01211905963207113, -0.001372475798770271, 0.03102632225402234, 0.014498029793268774, -0.0028725077425822967, -0.015614212466634894, -0.015715126099534387, 0.025311504793886108, -0.0001918836730626767, 0.02711337780871889, -0.02001614238472225, 0.017071398094543486, -0.004541644500498089, 0.008799351830428008, 0.014875399078007494, 0.00015891775976040122, -0.0074690556518107005, -0.010801165235622932, 0.00588057096731518, -0.01640496666612076, -0.001604888231645249, 0.014837888082958172, 0.0073414641284551135, -0.007406622545624887, 0.00327975388760346, 0.010373750990784747, -0.008211806721450172, 0.024365516019408017, -0.021878852096058533, -0.0001768907245284819, -0.000668004741543974, -0.011293136626766714, -0.01102599474961091, 0.02099182735355726, 0.025887239633898516, 0.009488454852500487, -0.0114530338513694, -0.004905035272153717, -0.000870802142088225, -0.01375138563914205, -0.018124011951426267, -0.0339900563420648, 0.003754117173661146, 0.0026961315885278133, -0.009882279403338747, -0.019059921832374344, -0.0053455543287780375, 0.011344426733283597, 0.006470579791823596, 0.005541640612492415, -0.028144906143442384, -0.012824414197096618, 0.01715282696420943, -0.010442167243491937, -0.012156963117382893, 0.004627078545683101, -0.005142642293980863, -0.001843710290023936, 0.010269413713519604, 0.012273956271462223, -0.0320777103432945, 0.004166152260055346, 0.0046710351221364065, 0.013559361377936426, 0.0004979947347491262, 0.0024976358497541917, 0.006307692599175317, 0.024532687229449696, -0.004432902486996618, 0.011532859685903585, 0.004499690432650283, 0.01557813104227065, 0.008676749831526326, 0.021893463609475125, -0.006202918529020193, 0.02775447473505736, -0.018860082712370812, 0.0007721063173147188, -0.015356084931332822, -0.025166302691812706, -0.002077152532045102, 0.12491667896981327, 0.032571184425539676, -0.04685797069960272, 0.006470008482792743, 0.2162690935926729, -0.014271690465865891, -0.009739780890258065, 0.15757814124551597, 0.026633888091353586, 0.0003326647160320468, -0.007402184809168389, 0.006892963006123822, 0.01672045439589559, -0.01316848739570325, -0.02666510104200223, 0.003496075921954528, -0.02928492901818582, -0.016192594454453566, -0.02523278162038658, 0.0, 0.01382622920052198, -0.02217976540402657, 0.022373895858354434, 0.006113631242678868, -0.014865826554687827, -0.0024944346280899817, 0.19740571174183918, 0.008819468090115086, -0.0020629946734971615, 0.015669284094631013, -0.01679890162583664, 0.016277389642748278, -0.0071080390230821525, -0.002254190390202369, -5.5606559294336006e-05, 0.0031755666279357935, 0.10699630911577797, -0.0015244534900154807, -0.0012655740439529977, -0.009317567861299652, -0.007405507040589725, -0.0027679471510134255, -0.015483296630772003, 0.0027845235156450515, -0.01804719804244266, 0.007279946724990276, 0.012296918011278222, 0.0007646102444737701, 0.008625463356243979, 0.005714561628166104, -0.010892277303316973, -0.03512038232630931, -0.011050738413270873, 0.01118264968583042, 0.008909756345017767, 0.019037167230499228, 0.008732534744468098, -0.011102225176398363, 0.0005997343208051176, 0.010614250266847994, 0.014847104304341734, 0.007762802455927305, 0.0017773601931504069, -0.005743292044147798, -0.007243011622386478, 0.0012447122779609882, 0.019546733381068934, 0.015227406517823658, -0.011644403405217666, 0.007065901458955251, -0.006009261013680016, 0.017128434541586468, -0.0007131457506819902, 0.01671610393083474, -4.149794462347173e-06, 0.027963758722698868, 0.025069282602623425, 0.0010434079714302777, -0.00595540350823004, 0.0009876362803563242, -0.003757789885385063, 0.01923015996267439, 0.0006387623750864407, 0.04153947904345923, 0.003708433283813373, 0.004094816948836199, 0.028553020645324962, 0.018667502409167563, -0.0011772888467990266, 0.012913966581196744, 0.0158221513214367, 0.02401638982095773, 0.04499183942826191, 0.014256411146996889, 0.005057641029379604, -0.007643572681066818, 0.003544318780914587, 0.013355058184086362, -0.0012493646690617283, 0.012788410056030444, 0.01332390400456174, 0.010130183700808785, -0.02626177133257883, -0.01372026419439842, 0.010692074956868082, 0.009599320261324264, 0.02631763589776452, 0.006714331761305744, 0.014129222999025831, -0.016452023417930218, 0.004034228054404906, 0.01929700056291091, -0.015179919367143838, -0.0012997767075864032, 0.009285753619186616, -0.03398370991480124, 0.005340411598366704, 0.01321451249464848, -0.01179028518162631, 0.03984714510749205, 0.07354930701838432, -0.006306553735973042, 0.2722854249662504, 0.08953271379666697, 0.006453106012908522, -0.016632777965192032, 0.02264206588405595, 0.025547034083304544, 0.004446364133901002, 0.0010859624923618254, 6.378546481442264e-05, 0.005980022024881035, -0.014661904941945574, 0.003267341451064833, -0.0018121548087104212, -0.008063496030143665, -0.0008720854544359031, -0.008619838903185077, 0.0, 0.025609747766785443, 0.010555733558636376, 0.09517020770751101, 0.03246395994809414, 0.0025318029037377835, 0.002838989504084156, -0.004836365108560139, -0.018670647383672353, 0.005605180127329352, -0.016475473577160372, 0.010965018480037204, 0.008658487759294887, -0.005170176442023758, -0.000320442044954517, -0.0010131162140722685, 0.009293275985813969, -0.0018993804938580495, -0.02170910328044752, 0.002633864437761812, 0.004137243173421074, -0.011443652573260752, -0.0028074730346317506, 0.008675177234804928, 0.00044791962018621507, 0.010039063512271093, -0.002155793779699938, 0.007530187092727317, 0.002270109441928497, -0.012595819383904376, 0.007764175536253824, -0.015419490437842485, 0.038418668438704694, -0.015531572167107714, 0.00032923418701524875, -0.0017817151712928192, 0.013780489984890149, -0.008979249993916735, -0.003611533184077464, 0.0018641447539381323, 0.04141202168597364, 0.00971660975632964, -0.0047914953543640015, -0.0009226975411209276, -0.002913946736451551, -0.01617730645257494, -0.014541308502344743, 0.002524670232041939, -0.026147834857858602, 0.01117779890165471, 0.007638736861336808, -0.0006039437783320656, -0.010060258193948332, -0.012463459785953151, 0.016101710156714202, -0.005937111076597772, -0.009375709617708774, 0.08552863680897216, -0.010193412434981192, -0.004976080781078825, 0.00945558179645777, 0.014084769715959344, -0.007658346146320802, -0.015611001151563483, -0.017408871537299975, -0.013306036024299065, -0.0008179847465286888, -0.012353187816984086, -0.014704826147558511, 0.014858497802066852, -0.01585911471004798, -0.008636743039898798, 0.012868410855171665, 0.007154548122191838, -0.0002577799964366328, 0.012772980650111255, -0.0015164621324454672, 0.0009367955800105959, 0.013080609067381227, -0.00046407549269954164, -0.0007418896355830043, 0.0017367564719535924, -0.004655582824048184, 0.009747503471539012, 0.007603307627799657, 0.008760376242753951, -0.0027267647265981024, 0.020691815789165624, -0.008739485850596381, -0.0027889727452541165, 0.01239157925224068, -0.016901874875151397, 0.004422418995015871, -0.005277555897976321, 0.0022623253345634598, 0.007609976216743448, 0.007301946879801028, -0.010825543949763991, -0.005494857906942091, 0.09856243172841749, 0.05379628382385209, 0.02536382115960873, 0.13777227521433047, -0.009283053274666327, 0.08268649841668635, 0.07240476434769945, 0.04579718289529601, 0.04148101330526295, 0.00035224887529732073, 0.018106571845920173, 0.010010239590004058, 0.010845069960942765, -0.01062075262487708, 0.01565483164349351, -0.0036876170573940433, 0.020581354993283826, -0.00616478972365275, 0.0065777488846897585, -0.005859346206321062, -0.01273507779975274, 0.0, -0.009981313303222597, -0.0009178274285184851, 0.0007159041277843411, -0.013834856394120949, -0.005687951378530887, -0.006908843550494461, -0.00520416187055026, -0.030304866847124693, 0.010116836911266715, -0.00959898153108721, -0.0019667250041778992, 0.009085255806278614, 0.015355558708260738, -0.0032174999900188694, -0.010910622325013539, -0.017983533875949496, -0.019526806307750215, 0.0091460145024207, -0.01842432266550222, 0.0015963389525162222, -0.0024021172498286556, 0.012755283656893927, 0.002191325543001896, -0.010747254023197992, -0.017670606424590753, -0.011322347550568124, -0.020602894779474606, 0.0009593843235792575, 0.06072225980630583, 0.015383863687730445, 0.020365698319829175, 0.05718518031768719, 0.00830483807499238, 0.01271308641929989, 0.0708078990068412, -0.016010828191309074, -0.020860654750681048, -0.006625060368837271, 0.001259719768574714, -0.01418203106529658, -0.028396882122797788, -0.008785701907351576, -0.014305529813540658, -0.005402475875154438, -0.008136373161150703, 0.06503145998299033, 0.024761934032306872, -0.014219317264184569, -0.029880607547283514, 0.0014188029033707903, -0.020025917832816653, -0.006122583304452571, -0.014438751251403698, 0.018543667549903768, 0.10466123822379952, -0.009772537354828973, 0.026926188253155625, -0.005209849432050096, -0.016652451176359155, 0.0004900797674474442, -0.001757153328647424, -0.00541029188516541, 0.03923526626894519, -0.004238213495937813, 0.0011491237400297822, 0.0023658919969224367, -0.027152289361274895, -0.003244088721178396, -0.004966018022264062, -0.0009470474668869192, 0.0012248063469402935, 0.0017736842248413799, -0.01960715901444569, 0.008262047521759876, 0.0032251067403784583, -0.012592665133977499, -0.004454727383797945, 0.010468987326072259, -0.015110089809963277, 0.007799462996134324, 0.0026790301689948166, 0.011852439213665598, -0.015233408766279072, -0.008496828963122939, -0.016244957911814097, 0.01938842501532852, -0.003163943782816359, -0.004824080364002246, 0.005275692569490551, -0.031125766410179567, -0.0047206284044539895, -0.005447689803104916, -0.006469068283148761, -0.001510230003285366, -0.004551315615680614, -0.009920408989512746, 0.010115830196674454, 0.008722198073167802, 0.1138461482170581, 0.0969483721992898, 0.1119545224694655, 0.07075944919721176, -0.004349889949610086, 0.01004148427362654, 0.10449329244198047, 0.0826023137358355, -0.03455414530442167, 0.025573620452234155, 0.07312179772621757, 0.029474522296738647, 0.0048119017887827045, 0.013696828422354288, -1.522837153725228e-05, -0.019899782855049255, -0.025978074805218937, 0.023406064383787863, -0.014450944694881151, -0.00971302072694407, -0.0010079764622893236, 0.0005262132580967194, 0.0, 0.025633666464584495, 0.037359358160639594, 0.04138886424717786, 0.033077935794167845, 0.004854272576880676, 0.010319129369099934, -0.0020127476706941682, 0.005755632259452235, 0.0034988673878429077, -0.005084365905104627, 0.014958895616870917, 0.00698152469599525, 0.010418311952082296, 0.0014057337826877383, -0.006382240626505089, 0.017466468387056323, -0.0040198740720179425, -0.032123565624117806, 0.0037659594844138672, 0.005816258777209863, 0.01910495812284287, -0.006243303083384765, 0.0059096521889381816, -0.01910636388421082, -0.0007942360549404343, -0.0008478503985908647, -0.0026955960196492663, 0.0008024533563748866, -0.005457006178802334, -0.01079974023824748, 0.017267746394617183, 0.013849565219852318, -0.008089885318131537, 0.005612822402024331, 0.004902545888397209, 0.007247672454488168, 0.011278633063885555, -0.010829303533660038, -0.010667505079732291, 0.009079464859918701, -0.006609889947808007, 0.014829455288716618, -0.005290051201724735, -0.0036593626129372597, 0.0012138111738443538, -0.008271159632933177, 0.012801295134053287, -0.01249846807018019, -0.0038931655424042986, 0.01104200794106518, -0.003915638073744696, -0.026306264585318134, -0.008397546668827083, -0.000862146509139668, -0.02333785608468792, 0.009836128690746139, 0.031060068220607723, -0.0035389513920234487, -0.01886396596732941, -0.0036364844383261112, -0.021989413007832588, -0.017856390553228883, 0.000160013163439087, 0.02650636041850512, -0.0021831568835722617, -0.011999736282320777, 0.03913881743078399, -0.0022269552128632787, -0.021667075062448374, 0.012544680927161033, -0.003456646267926805, -5.808547136883548e-05, 0.007810853950534422, 0.00801353131926997, -0.011972696078845983, 0.006847909827378856, -1.2774793599663776e-05, -0.011088120672744374, -0.016091076495936024, 0.013592219186278462, 0.004885345185448998, 0.0194597706606514, -0.015070224376784623, -0.01210100940033899, -0.0006263142606009612, 0.004802435381533732, -0.015073206464988682, 0.014653469795160226, -0.016420011414876437, -0.005225971543778691, 0.01036056690508076, -0.01820148582963116, -0.014019204199444813, -0.006038197006432406, -0.00015137253310419435, 0.00417841542335653, -0.030852988432018107, -0.009112624851000459, 0.002499232655270915, 0.08161586967411534, 0.05006531540145174, 0.035492292880812654, 0.07849333065967394, 0.1690427266913751, 0.01279280265468036, 0.05299209724162622, 0.12410703389448693, 0.04132813399880947, 0.16084889128230725, 0.004072361401590951], "scale_": [0.011613954007605364, 0.013554102009654526, 0.13447294050491637, 0.0108650248772829, 0.1055929221973719, 0.06478932931059872, 0.023544037841316704, 0.06982072665174244, 0.12950067950959987, 0.0991779521079879, 0.007675990131449886, 0.11241956005170493, 0.11114631411510188, 0.12483028973435419, 0.16341889218937497, 0.010733209305749503, 0.10653699548923987, 0.10042883835203777, 0.11061800508451866, 0.14994874256577442, 0.11567856579977079, 0.009704676263048141, 0.16050829640502456, 0.12111270122621562, 0.08272522799038508, 0.11147584290771227, 0.08315822704361232, 0.1375634148836629, 0.013321210722262972, 0.10548231260231408, 0.12910488307938583, 0.07189918269902619, 0.19531946619639176, 0.12569776873630015, 0.10636062492814845, 0.1648128419416376, 0.012304977064319551, 0.0966086833064578, 0.11868734989058227, 0.11170855636273795, 0.09565071933196598, 0.1037324644485236, 0.10321937819097152, 0.14888893579298462, 0.08723031611277852, 0.009003844552993436, 0.11920753367603032, 0.12799883601820816, 0.06964757050410389, 0.10869077006982553, 0.0944034376501268, 0.10214651332951954, 0.1419617824641108, 0.08984509878538866, 0.10068749802237996, 0.018941456499045325, 0.07078931676059878, 0.20432156303772447, 0.06782513640596564, 0.09384969565050481, 0.077258340650435, 0.08774374802144916, 0.08473027786419235, 0.08354427182438726, 0.16797701168225251, 0.08042871014468508, 0.010258699278454464, 0.06354726212599113, 0.08659199392774182, 0.0983381833249957, 0.10119913350730758, 0.08415692693329971, 0.11500387309413841, 0.11221770966454793, 0.09215559493787427, 0.0812740878673586, 0.07169866720984666, 0.11451429659502593, 0.00921818462003065, 0.06682614265242398, 0.10697892635112077, 0.05473220649823399, 0.0982281793338733, 0.11078145541924014, 0.08749988052225638, 0.08287706812149642, 0.06827709934537846, 0.1079977159266098, 0.08120869459272645, 0.052891065627622344, 0.14152466013186377, 0.00992545940609725, 0.11811967277129178, 0.08419932601725388, 0.090127263038334, 0.11817214674263973, 0.1053996820577088, 0.09811795723754133, 0.09309046099603849, 0.07445883122176469, 0.09923685235349587, 0.06676729627219645, 0.1070289012809094, 0.10209991078148427, 0.08667607057550838, 0.012847598201236834, 0.11132376480356115, 0.09093991751606212, 0.1114340654209899, 0.12639487612617856, 0.1218834266922647, 0.14018957824395592, 0.1325541042864414, 0.14701935074612843, 0.12157616404989367, 0.0787991382346991, 0.1078005362620751, 0.08159220883736128, 0.07806367147405918, 0.12280464574209016, 0.009296283625081638, 0.11427667175649174, 0.0971267405843722, 0.08626867024989511, 0.10557494104883974, 0.16577427491816615, 0.11935963185935791, 0.12622722836710587, 0.12331180481863299, 0.15482115513315314, 0.0842001845002174, 0.09137388616266223, 0.06761607972275602, 0.054879108042325875, 0.07367554952082878, 0.07305666786471704, 0.00901723900280596, 0.0985438167745574, 0.06068340134157942, 0.05021162978895087, 0.07367827317435065, 0.07332972913291673, 0.06406240211573541, 0.09009450711712201, 0.0857687062350376, 0.06453437998694031, 0.06253057625184459, 0.04926858698420003, 0.060436796064558145, 0.03968106864622589, 0.08415126258856634, 0.10186619759557455, 0.07023809536571693, 0.011810246706707505, 0.10039385514656476, 0.08001766659781533, 0.06494557637755169, 0.10398999226210176, 0.07324389577657778, 0.06917531602221265, 0.07345882475797125, 0.08342712947356633, 0.10331088727764509, 0.05213473318506011, 0.04796991932666597, 0.07127028856237626, 0.0641385196095966, 0.08229933268280487, 0.08262664745569766, 0.07635220827054977, 0.06930193431993806, 0.011842124181306965, 0.08264631555812624, 0.06761416754406228, 0.08909172618335082, 0.10855579347425419, 0.0686204411336631, 0.10002213139634056, 0.11273761469619625, 0.08525587179348887, 0.06360698439249135, 0.03777513330646902, 0.07359546032177794, 0.08334386710495045, 0.04675722732789707, 0.0927575900661626, 0.10105633574890424, 0.11238476821625806, 0.07276681120904382, 0.0837380164860183, 0.01152620267200962, 0.09194269677315017, 0.09278620816619068, 0.06660907095298764, 0.1302952554033272, 0.12483061371934301, 0.0792595709949908, 0.09709161195006, 0.13652282870659724, 0.11363676464651143, 0.08353709808069451, 0.054630015467163485, 0.07282350526057291, 0.09490524512142409, 0.12242953937926382, 0.0890115422053927, 0.07123232752645546, 0.09568426703564305, 0.06550300335275322, 0.09222305208543939, 0.010858603917764147, 0.09105013078592471, 0.11161220360833413, 0.08072356983580478, 0.06275186566610447, 0.08377442111049281, 0.06709578272589632, 0.08736265671016927, 0.09277758948980783, 0.12143571952335165, 0.0965474259323178, 0.0849493139639618, 0.09212525503059099, 0.06695719212278861, 0.09813626551113509, 0.05466736238478277, 0.07964548331800968, 0.06824377941702976, 0.07595308084760487, 0.07610734807947839, 0.08418947966893044, 0.008174825505072699, 0.08422935476842491, 0.0736380370295195, 0.06718502701269075, 0.06841452218628313, 0.10737713591006798, 0.09145442623604426, 0.07196779724999587, 0.10809625077246517, 0.07083613739154082, 0.08357232233194145, 0.09300007253569698, 0.07928006214700095, 0.0587715204756904, 0.058364241761815344, 0.09173083727317577, 0.07860734519165014, 0.0435007904031694, 0.06905354741605423, 0.08162599581578886, 0.07631168659925028, 0.06536716936371054, 0.011509368642365129, 0.07799694656338649, 0.06701557622037282, 0.08668641551808742, 0.11771377627458945, 0.11138341620642472, 0.07134985387072881, 0.09204593452380665, 0.09250830215456601, 0.0828063908645728, 0.0794338089803605, 0.0681559480300221, 0.08597354357366906, 0.07103022097322972, 0.06353667775358074, 0.10839067712150205, 0.08409949346975437, 0.05419973444111227, 0.07459392282029394, 0.06015193004946007, 0.08500290780073745, 0.10546323490978385, 0.07456398837285931, 0.010153552863644054, 0.05437564180259512, 0.06791245588746228, 0.06030212108972843, 0.07411954553521709, 0.0617128663370681, 0.09367001743177837, 0.07628122594973683, 0.0827196958561413, 0.05979393360433544, 0.0661149755207109, 0.041763195670492116, 0.06323025983901334, 0.06950651840981734, 0.07883488417231113, 0.05300427976687805, 0.07395467356426612, 0.07134490138390621, 0.07673913233383167, 0.0817067368186718, 0.08431631438079483, 0.06962370408257527, 0.07984072274836945, 0.06942472214135892, 0.007407421652060521, 0.113469246039791, 0.0904723701871407, 0.05464121488642985, 0.11252252179884493, 0.0524503005126513, 0.07515704628072305, 0.06939133863714235, 0.06591289087675795, 0.08749707942895835, 0.08515779715619008, 0.06613945292014342, 0.059708252875885964, 0.06025898831594711, 0.07944920581579192, 0.08516286917452351, 0.055201792232885266, 0.06627321854336403, 0.06498628694750519, 0.0759831146110512, 0.07645991583259278, 0.08430079653083855, 0.04227384223038125, 0.07052422237426867, 0.07704854464558546, 0.00901413043442947, 0.08227807757624478, 0.07972317070394594, 0.08101679450761032, 0.07468062512600866, 0.0789274315033622, 0.0739388298252576, 0.08479169658031044, 0.08117977026408035, 0.06932514229829083, 0.06591996675884162, 0.04147043152517343, 0.0468011152327158, 0.04688075712369351, 0.0503387382544699, 0.0416415894344073, 0.07539675872693762, 0.055171575137641246, 0.05884147855817045, 0.07189569827410618, 0.09362577304606232, 0.07665345493195014, 0.06040104538254026, 0.0600718289058559, 0.07266961456320134, 0.06987057442321867, 0.0070863237348116545, 0.07371387563815712, 0.11352457567605144, 0.07000308081866706, 0.12886860424964508, 0.09247071776525849, 0.06538316558604869, 0.08412306194743474, 0.09288502072460052, 0.08964721105662991, 0.05571483738577226, 0.05384082721000411, 0.07370059551226157, 0.0547672566128809, 0.08463040579584001, 0.08171842677044139, 0.06696414392496383, 0.07072077975162969, 0.06633076727674933, 0.07958085274601219, 0.07156692303262446, 0.07679399022319097, 0.09649507794269627, 0.09878157778230841, 0.07736595667345596, 0.07040152345314013, 0.06356429868929378, 0.012556144240761763, 0.10682556008318746, 0.07145889605008401, 0.0648902200506305, 0.10278426554308326, 0.06847334351370382, 0.05146358277054484, 0.10061452913281883, 0.08342939534775276, 0.061249209918514076, 0.08068651893225792, 0.06648684682336635, 0.054952264607756436, 0.05953994446368638, 0.05910401796574671, 0.07508592475842563, 0.08669222597322226, 0.06588940372489506, 0.08655366022888011, 0.07256517635151205, 0.08032985789655961, 0.0791815834074687, 0.06797700113365068, 0.06579037880185648, 0.06697459063879284, 0.04066536706871712, 0.061327109917060155, 0.06899254082899166, 0.011374099857809631, 0.06361856669745251, 0.07828525104116242, 0.07054465643833933, 0.07971572961060859, 0.05002271329727938, 0.06876638152916541, 0.06959742482440973, 0.09967470000559457, 0.09364954321810723, 0.0653255688795557, 0.038003458718577646, 0.07578894290492826, 0.06724393030448331, 0.0596757078604627, 0.06246040854724808, 0.069837368003727, 0.0492062672351056, 0.06535763979716425, 0.06682894489445537, 0.05788454690962938, 0.09476587218887542, 0.07485159059772659, 0.0648986923071038, 0.059055464018684924, 0.06880012014072232, 0.05542202079400869, 0.07033766895283985, 0.05159901422437815, 0.011401890084481149, 0.0986632799923286, 0.0617587324358235, 0.06167156315148918, 0.10630654854235963, 0.07586582994041699, 0.10729529806095522, 0.08817000198979721, 0.08930345036747236, 0.053341608811889984, 0.06772747304073409, 0.06759830182821203, 0.06515266800403535, 0.04530482545247047, 0.07325945015211649, 0.05487513631529568, 0.058324197711110665, 0.07410382535084833, 0.07748379769044786, 0.07425800601090815, 0.06043548844892122, 0.08102893766134772, 0.08366059671460661, 0.08208225614189574, 0.07526385740792654, 0.0839086268854091, 0.0628718043839556, 0.06429504036785665, 0.05341046133452095, 0.05922811813378362, 0.009703816660239551, 0.052476782842343826, 0.07673123532764611, 0.060196172014797364, 0.0759818003142608, 0.08612163599849906, 0.06228562428211285, 0.08172001485937097, 0.09298950585493801, 0.07485665894594756, 0.09282501644614705, 0.07402673955839058, 0.07709305302765034, 0.04850262012588236, 0.08243977129276667, 0.07986363399538662, 0.05754902400319536, 0.052785953337415356, 0.082008201921237, 0.08744476585260974, 0.08323997113637975, 0.06589623756163504, 0.040029501699753146, 0.07259300550775392, 0.05082268553189152, 0.05232185338747042, 0.07023904750133636, 0.09052033177780129, 0.07413838482280226, 0.07186217028361368, 0.10248975987327921, 0.007518055935148302, 0.05921088797437042, 0.09244312954293009, 0.05648840556663556, 0.09144509668149209, 0.06333130184589819, 0.06193417092299037, 0.0669285468264125, 0.121258508771473, 0.0885497510867209, 0.06838541487594435, 0.05879616063142608, 0.06425514142817854, 0.05372868258275444, 0.07529271712885742, 0.10591711601701846, 0.07509067446867677, 0.05765671386323948, 0.05090294187250589, 0.06054044185379842, 0.0681029165948653, 0.05104864235877487, 0.06388165069792417, 0.07659882588533418, 0.06569921744686968, 0.06546756818795134, 0.052389244127602846, 0.05733698070185443, 0.054026157181914315, 0.055008036526293255, 0.07164019496644738, 0.060587115188032975, 0.00848705697673064, 0.09067895380272327, 0.07772993712053447, 0.05421383909979985, 0.07045700404287311, 0.05658708321604598, 0.08132084380699448, 0.052251500706189204, 0.08644442699076421, 0.06557803329534757, 0.061752188912565106, 0.059349632981637486, 0.07061580228499054, 0.05540339175492586, 0.04540704776228191, 0.09108066209340808, 0.0869181885541358, 0.05456522472819995, 0.08947644746458293, 0.049507380337135656, 0.07264642115233733, 0.0869330767570168, 0.05911375685415263, 0.08268642636320309, 0.05201548637932925, 0.056922629663782545, 0.04600116701335645, 0.07660913790607451, 0.051865307074896644, 0.05892851199659018, 0.0626644775205854, 0.09640171118086349, 0.0559598121596025, 0.006862920992708748, 0.061619290974808894, 0.08698347102909557, 0.04394819723706407, 0.07075820008409037, 0.08689146783244535, 0.053200267037531314, 0.07585168618480491, 0.08036006349526509, 0.04686422797701248, 0.057737930115728746, 0.06948208579978929, 0.06242146643983648, 0.0560709807214633, 0.07433473120284009, 0.07752893828964913, 0.08150212596903303, 0.06980045844977242, 0.0741277617179418, 0.07695594530942619, 0.0809209206906126, 0.0893731331767344, 0.07763877844201764, 0.07037756115709756, 0.048430170867766915, 0.06352108866711113, 0.06172660381124797, 0.06904415257147474, 0.062294241154666787, 0.07501895501982157, 0.0794487601533101, 0.07050182932169283, 0.04651947891665157, 0.10567164275667908, 0.009296419384483973, 0.08937072074530938, 0.06409778117524387, 0.05473146680867057, 0.10631286509791615, 0.09192087287691127, 0.10796233393131482, 0.08488565753046157, 0.12567684747553853, 0.08600431353114783, 0.047635237510877323, 0.06145212600435998, 0.06280738342390808, 0.04801903517308838, 0.09321890006723133, 0.06449569988920287, 0.07595971637336527, 0.07349528396579351, 0.06159337966252716, 0.0811379904854691, 0.09411433853558965, 0.1054788251643495, 0.07215321045664885, 0.08821469378490562, 0.07288467588352543, 0.07384018732367559, 0.08900870092297151, 0.056528519128359996, 0.05556779448048324, 0.08471981467203041, 0.06401370380752709, 0.06086038582155664, 0.07681845903966955, 0.07937097141627926, 0.06280771846440444, 0.007850847469006689, 0.10413832835480934, 0.08138890649364161, 0.06659647666264623, 0.11104001967064689, 0.0851235013292286, 0.06534308543431266, 0.10048871172744617, 0.0669600403471203, 0.09047898926347427, 0.05885036647869844, 0.04492320427422439, 0.09209146399135136, 0.05127130518410118, 0.056605074548722184, 0.09509371983541962, 0.08595885752990934, 0.05708671443711233, 0.06663184479693678, 0.046129049774962134, 0.05703385797854209, 0.08992209024778211, 0.07315924656339687, 0.10448608111993027, 0.09218508964470704, 0.09030371944604203, 0.055207829684313765, 0.05219752920646148, 0.06680489715721524, 0.06793098607164327, 0.06153366817352011, 0.05268907166892545, 0.06979063635138574, 0.07026583244536404, 0.09862653408043481, 0.08807541617694328, 0.011330192487249348, 0.0930630706961412, 0.08818942456340681, 0.06688840522797089, 0.09312862910325559, 0.0955941634187222, 0.10474002856652785, 0.10315495097085281, 0.07276441592586255, 0.07011058935786163, 0.04614139092481191, 0.07839870146410316, 0.06528771046914258, 0.06183471245892545, 0.0697657001093117, 0.07039733078170778, 0.07662272001819467, 0.08184020438641994, 0.06829638088294987, 0.07663410347759378, 0.07585794283859604, 0.0897981241347753, 0.08138814226950279, 0.09280976036837135, 0.059809837947785244, 0.07256121184384011, 0.05454376852690798, 0.06636543341265691, 0.057889081431222095, 0.0874699391976832, 0.0647312177326606, 0.07314148843339208, 0.06418939965084397, 0.07053588209625426, 0.07409664779915878, 0.06986446213094785, 0.06748769029375283, 0.010435984541110947, 0.08791799890390728, 0.08814145896949804, 0.07434909809173271, 0.11208652097672712, 0.06421260628352579, 0.10196621845223144, 0.10054748455948291, 0.09460428306943958, 0.10966819154981465, 0.08814037459952827, 0.054788327927379456, 0.06073473238520416, 0.050732944109159274, 0.05840794645212737, 0.09538281339651186, 0.08395288131624662, 0.06744131794335725, 0.05979576475761859, 0.07124272579032509, 0.09816907126478439, 0.11704722885304562, 0.07892406799987478, 0.058014956632044354, 0.06097459851539622, 0.09290034042825795, 0.07739369871834564, 0.1105155767778074, 0.042702793434684486, 0.08784078381080038, 0.05018851412114478, 0.06648942285638001, 0.07891546530979235, 0.08046923182808163, 0.05694035663847436, 0.07842851179937649, 0.07541827372240162, 0.08620188391945494, 0.00791136166360799, 0.07125955218957805, 0.10085657188164732, 0.05712953751213005, 0.129148600655735, 0.05443584108433683, 0.08410869770690255, 0.06538396912736014, 0.05948166603692966, 0.07410068052545474, 0.08642783787447844, 0.06474004154794448, 0.08690867840366165, 0.049301815951821655, 0.07658065274227596, 0.07475820736651027, 0.07580386522786124, 0.059335809449333345, 0.09958511069688555, 0.06652567253805208, 0.08932577684863487, 0.09654513257819329, 0.05732901077099983, 0.053997967913431644, 0.06685520069612391, 0.0641075751380125, 0.05901408006494922, 0.07824259808451313, 0.059710689906712355, 0.08846452989658217, 0.07302868485281608, 0.07281976801563843, 0.06469385759816676, 0.048210873926756374, 0.0892138883643137, 0.06543578818318393, 0.06634117451128724, 0.05334306157503311, 0.08955209240771389, 0.006396293166982458, 0.09412681406685008, 0.10161138161302177, 0.08882346010527879, 0.07262779323676644, 0.10764882629565883, 0.07433867794209356, 0.0847915139905012, 0.09401077398943382, 0.05538748810159565, 0.07893405101336255, 0.0712538275689473, 0.06266510370081627, 0.0595955284626324, 0.10189296071006984, 0.07452875558433378, 0.09323657258742075, 0.12384387658020991, 0.10241027384760379, 0.08530979529661295, 0.0677182188911972, 0.07357458981187559, 0.06925331230013475, 0.08287777415766764, 0.06986965163977159, 0.08859058082228538, 0.0557324949697804, 0.09692847683448055, 0.071528471402419, 0.06438111574866713, 0.06525284383626023, 0.08155348498580714, 0.06625431194839808, 0.06719659967635341, 0.06291786867771076, 0.07066509457585052, 0.07225068275564175, 0.08666672421198598, 0.07438017477222929, 0.06160425546723011, 0.007085864960416834, 0.061657309929204054, 0.10418006672286356, 0.0688652553141863, 0.10035439980312602, 0.0774034308673847, 0.07772374877388175, 0.10124786372944043, 0.1114332502928286, 0.09762445767330286, 0.058102034884746634, 0.03052577095373739, 0.06264111009647719, 0.07094797792814624, 0.0470589790266806, 0.07100172443945822, 0.06287086790533668, 0.06484358739767111, 0.0766059513584294, 0.058204481635528854, 0.06580205538674988, 0.06657415574226594, 0.06066157274938652, 0.07344171469448513, 0.04960913644952179, 0.0546613375172022, 0.06534621578122088, 0.06492969327079742, 0.06286348463702228, 0.07277766303075042, 0.06773413654921082, 0.06828675641467351, 0.0868532266876807, 0.06548297191773031, 0.06145901818482338, 0.051674840947390346, 0.03660226240975031, 0.05601965974744558, 0.07127443605986705, 0.05495539632682532, 0.0653189596847029, 0.006778954890451652, 0.11576222788802029, 0.12056957955662817, 0.05000612268746882, 0.10806028611309317, 0.07577928309442239, 0.0778099830255341, 0.08217538892548915, 0.10735375091468738, 0.07608825939317071, 0.05851225588816539, 0.05984332484384157, 0.07938023773185693, 0.04560696990566143, 0.0924320330151446, 0.09306947609330017, 0.0866481324663524, 0.06139215315775549, 0.061869412229253254, 0.08137249908452378, 0.07122900625802812, 0.046862856728564946, 0.0718782654213329, 0.07255575544095436, 0.08032319365955848, 0.0711483001148497, 0.0771039546268444, 0.0937515865510414, 0.059737162679665556, 0.06023825304524215, 0.06354766292331943, 0.07472294180956032, 0.057156285366934345, 0.07967231428349927, 0.07364382490588214, 0.08463405780877045, 0.05343582381196035, 0.059044400587058815, 0.06293958910699302, 0.09221636707929506, 0.0932615977387705, 0.0547802137896569, 0.00782141243211966, 0.08526891653038093, 0.09158149724769887, 0.07120736168736058, 0.13018899083040103, 0.06550147725033115, 0.08919409309901519, 0.06729886946927789, 0.06913172586852143, 0.08280510695115556, 0.05578102974123826, 0.08419861237591038, 0.05983490364289193, 0.07338741655864889, 0.05236314359314177, 0.08340005776009249, 0.1212084850803846, 0.06839008233375816, 0.07118437828142446, 0.09028818315423318, 0.06234599417922035, 0.05684842263097169, 0.07333486459991156, 0.07323172515462867, 0.08205226318606965, 0.058318849917725034, 0.04850521846422244, 0.09640880885506536, 0.07647529117850702, 0.04641419502363191, 0.0774486378300685, 0.06235858051443073, 0.09552854368359817, 0.06283433196997518, 0.06693515442589774, 0.08270790355204181, 0.05384054361535985, 0.061431607544114475, 0.05870933339883721, 0.06481952350102038, 0.08879227320160166, 0.08360028733578914, 0.08940084105563288, 0.009704732324753673, 0.1065424063206508, 0.08850816119020416, 0.07399299500875799, 0.08986972274623525, 0.101535085159108, 0.07443022011092013, 0.09398312060133518, 0.09086695090410679, 0.09830869040179138, 0.08452501275481356, 0.06249965267810327, 0.09039446720552863, 0.05509589997059704, 0.06329216638633148, 0.0809578572065922, 0.07569913118856725, 0.06596128320814801, 0.0814952769912963, 0.06976163665414538, 0.09086292619845607, 0.06575909304989566, 0.08742693562392903, 0.061165086375442566, 0.06902695672122323, 0.06474146965156136, 0.08285371322896778, 0.07897416121696946, 0.08995923992016347, 0.05383353713798503, 0.0666947887900491, 0.0729293427740619, 0.06792201155683059, 0.05804710154218131, 0.09000151573595812, 0.09950724109182746, 0.08285368119948695, 0.07246420548287852, 0.10514207528283145, 0.08780623031912897, 0.0926632832282186, 0.07339851007014378, 0.07552537068892154, 0.08260170731256519, 0.006652075756552283, 0.140642378315929, 0.09612598891265492, 0.07113101760667154, 0.10990431712435328, 0.11023449265388313, 0.11887536848872479, 0.09526609988454655, 0.08272137447884248, 0.12252859138406917, 0.06913427899836959, 0.07191010936117398, 0.05786255166153318, 0.057850018099331345, 0.10690227775643889, 0.1333177641371427, 0.09982972071036969, 0.09807780560982625, 0.09405679272933401, 0.1592210465851625, 0.12361692356550483, 0.08630439582600406, 0.0723108860342179, 0.07894659447072358, 0.07779179728147638, 0.08036321365251242, 0.09056606549018373, 0.07003977971425904, 0.06263679629977503, 0.06440262361601898, 0.0987548399308833, 0.11056004794137478, 0.07244857531529161, 0.09183258320539323, 0.08113100620874814, 0.0780374212070974, 0.0908105016474294, 0.08388308270363054, 0.08246555595972067, 0.1067086227640175, 0.08817128591316031, 0.08399894373242278, 0.10575616719181792, 0.07858111179806881, 0.0962186627332722, 0.007574241017643257, 0.07370982017139721, 0.07544341762247193, 0.0632757630048331, 0.09560451519044937, 0.06816846001413429, 0.08917350458276717, 0.08357960244608226, 0.09068554538496358, 0.05291979294981726, 0.06101903630801591, 0.05957831238445677, 0.065442482499286, 0.04323998097755563, 0.09096854870942017, 0.06244047877892704, 0.07851562553331176, 0.12394474846633545, 0.07687824308736607, 0.08238734060769053, 0.07247893331169225, 0.053690704384549356, 0.057234469246763245, 0.04383224267732433, 0.07737583894334735, 0.05222382797158062, 0.04738727184332752, 0.06907443872901453, 0.07056609835972573, 0.06603478185311654, 0.054166348021467546, 0.06190705825273068, 0.08086303519382233, 0.0646521177350021, 0.06514247935438311, 0.07452656855873173, 0.06790215223123962, 0.08856840187722256, 0.08695227738716019, 0.09446596628510809, 0.08999248998662412, 0.061784774250796815, 0.07593688871640025, 0.07794329650991177, 0.09345305600196177, 0.0754922917384966, 0.01208922087116203, 0.0824102644768002, 0.11657547025741755, 0.09219905346784421, 0.11066808615504077, 0.12675003885234237, 0.10166816788055161, 0.0897668103327077, 0.09856012541535472, 0.09933593906533499, 0.08426363211881777, 0.04386560600446356, 0.056266799898867244, 0.06720363591091887, 0.08233312546527055, 0.08168297045782286, 0.09815528231461938, 0.03315648489113923, 0.09337977774534893, 0.08494491427318404, 0.08717108994765396, 0.06625158087819127, 0.08528331269290507, 0.06901528327072397, 0.10055906901539918, 0.08300840124833891, 0.054051760281757524, 0.0654638022064509, 0.08175268081276527, 0.05580106399719817, 0.07867581959734962, 0.10066672981504902, 0.0754215848754797, 0.07324031876667757, 0.09539043418156867, 0.06898550694827459, 0.058448138093199285, 0.0893688798060531, 0.09177984159911123, 0.09313587975226142, 0.08514788570419604, 0.06884730538796918, 0.10726747969458543, 0.0986360137315872, 0.1267017548930982, 0.10989021953795997, 0.09741924435093144, 0.00616067270015784, 0.1229819136006933, 0.09601220906440801, 0.07944284801690278, 0.10322022804047609, 0.13366202095933685, 0.09684980875953236, 0.07883585454074053, 0.08820495452806525, 0.14701630689561485, 0.07105196066513983, 0.03949728963282835, 0.06461223432032175, 0.07911676233257305, 0.05783874600749744, 0.09449151423155525, 0.08175945498194323, 0.055501766007286644, 0.07046833226357366, 0.06057782920654456, 0.08031271913924375, 0.07842056458010985, 0.08801857219069464, 0.06860425890869737, 0.03954546168267312, 0.07073370570695393, 0.06177019572748042, 0.0724296493705652, 0.09403013803074957, 0.07669628178265499, 0.0965004881998389, 0.081885699290342, 0.1189451469678593, 0.07953230670668998, 0.04969688794551362, 0.05821144140068787, 0.07798223860491202, 0.060328646162259636, 0.060212225384213655, 0.08919816166366298, 0.06293910530816725, 0.07769845717356733, 0.08434108414459736, 0.08484381557607883, 0.057815179244947626, 0.0635000450842634, 0.06210358241462907, 0.09009998859832524, 0.009181370693416804, 0.12227478742233905, 0.09980382393685489, 0.07336146974875116, 0.12173174863872495, 0.11790967069959282, 0.07506259465238706, 0.10273793119613592, 0.10086145440418931, 0.09183649908369336, 0.08109629570843824, 0.08859304755189197, 0.06349262898365844, 0.058385230129580815, 0.0862820162808756, 0.08173281861780345, 0.08524822343368094, 0.05949676125601032, 0.06423434817245544, 0.09267288558742948, 0.10221763918157079, 0.08577349108713707, 0.12007649379802457, 0.09742927124351534, 0.08560864348189248, 0.04806278463796495, 0.09154416063805595, 0.10278187282106119, 0.060074295961913785, 0.09127651066935784, 0.07418976340791855, 0.1086444961532811, 0.09223869694608278, 0.05950302400176384, 0.09425974279097998, 0.06084823050177979, 0.10571300881563844, 0.09004082126564122, 0.09761081836692517, 0.0847997343409063, 0.06653509634974963, 0.05185597110661476, 0.1041649836068597, 0.09022768426694266, 0.07462677700080865, 0.09192604076548863, 0.07751746258028563, 0.08358955913424312, 0.08411016505971602, 0.007208786885214398, 0.09537485326867215, 0.060908440316930636, 0.09860289509411804, 0.08122241375953373, 0.08261954132009808, 0.07835090036574041, 0.08658589624904886, 0.06362634839003752, 0.07283953685977533, 0.07436887733281233, 0.04844841827100044, 0.07698611552744478, 0.06234862237044763, 0.06416988871184591, 0.08258581169093629, 0.07127999573450707, 0.052943959857169376, 0.09108734798910366, 0.08306082022646942, 0.07286811655803783, 0.0761120459665238, 0.052196989972882385, 0.08495291771722363, 0.053871806151353036, 0.07505431393675013, 0.06181849695405943, 0.07978798500089435, 0.06043983355901284, 0.0443783180148531, 0.06764608094171433, 0.05122458548645582, 0.04730847250072407, 0.0619644433262057, 0.046880190801527444, 0.058586233083357475, 0.06754934271117934, 0.0551372692826516, 0.04641990875384133, 0.058917153782453366, 0.050670296007287605, 0.05939128666880561, 0.07338693265971609, 0.07679558201653633, 0.09651412032207823, 0.064437214597584, 0.07446783898960654, 0.09381929396925694, 0.07561236266441154, 0.096298700361807, 0.009290951355030046, 0.10306173577009296, 0.10305531524554017, 0.08329392175122391, 0.10933949705408157, 0.0724388244644937, 0.07922901808592524, 0.08859965817506155, 0.1092862737579923, 0.07854650835035594, 0.07461288244115788, 0.07256563988128827, 0.08587083536446105, 0.060554278115791504, 0.05361352917954966, 0.06574856771992767, 0.07468301000361555, 0.07311906929486914, 0.06134060221319343, 0.06713658072458498, 0.09484703504451958, 0.05922208230606756, 0.04171800660559574, 0.07417198287813834, 0.0677964001148387, 0.04997153931932845, 0.05268039834590753, 0.08274996699194442, 0.05845645685209494, 0.056162374719691106, 0.06829920796003905, 0.07271711506282381, 0.05520219441880782, 0.06609649279290476, 0.061535971039608776, 0.07160168666405761, 0.05040687489339943, 0.07732843214146826, 0.05778499383145003, 0.07832363985737549, 0.09751380983355669, 0.07145420873483149, 0.07613217467197317, 0.08707677676490057, 0.08103058156722232, 0.0832812772586546, 0.07328193280975719, 0.07564729035850934, 0.08767037009101646, 0.06974568176121355, 0.05393447071326814, 0.009225309851667286, 0.07141575056997782, 0.09828278233771681, 0.07552244305038933, 0.08288523661540362, 0.08218754651183532, 0.10266084660846844, 0.1203784185659286, 0.08661610188578327, 0.10461359045433823, 0.07146845739525062, 0.09289146678613026, 0.05528647668431605, 0.06217347970810155, 0.09198740917188898, 0.09265060363826982, 0.08138043819712334, 0.0659256134256495, 0.061008448748874435, 0.11124757622559225, 0.11349551643174582, 0.05663491811806346, 0.05596586567312862, 0.07615037745258102, 0.061063837683391166, 0.08098198067698681, 0.09276462815604863, 0.080946881176369, 0.07650978269604437, 0.05396399505095137, 0.07018868825499797, 0.04423091198510701, 0.07665111989514298, 0.05818604729454428, 0.07550378145499309, 0.05536288340227581, 0.09303691659956834, 0.07276692588644414, 0.07884198369524022, 0.08894544909058452, 0.0629737834968744, 0.05448774302314685, 0.06881021182791748, 0.07518226046191304, 0.12009632373416872, 0.10421968859879638, 0.07618972622098968, 0.07731868069310284, 0.08503942415577959, 0.10466792206869935, 0.0907253035915912, 0.07520599413919239, 0.0065900947158531765, 0.05428355727051865, 0.07755296119527433, 0.071437454915513, 0.11590328001320924, 0.08705222357952452, 0.07167374147368706, 0.1159927912916239, 0.10092636196719194, 0.10024321745236063, 0.07933997886978005, 0.05467344930316052, 0.05910240703933548, 0.04663918271727853, 0.0845593374232769, 0.08681581519079135, 0.09309858748789748, 0.06104052186554016, 0.07134201629981998, 0.06130560912004378, 0.061721168593259705, 0.07342461977773525, 0.0789015469535721, 0.06189784160438902, 0.09840016753678449, 0.05744515272051659, 0.07605554204775838, 0.06690141873786698, 0.07437669867258452, 0.06720565534918455, 0.0844069846250076, 0.06962584263652558, 0.051639290799766806, 0.07325063045421146, 0.09776419364713121, 0.09440587238449724, 0.07930446420805642, 0.051612593116323914, 0.04955017415445312, 0.054172262196831154, 0.09180426020320714, 0.059531893540612654, 0.06899421703780895, 0.05196301248455998, 0.06852621492810326, 0.11929663110159205, 0.08176045014091596, 0.07949092124780166, 0.07638544860590564, 0.08706246395836295, 0.0758402486449835, 0.07433163209786925, 0.12233097667371653, 0.010246590837828983, 0.04464651412247708, 0.06071903528602854, 0.05550203489281889, 0.07910071771708035, 0.057118156987511874, 0.08546800229159444, 0.06373046345803168, 0.0517257757357531, 0.05796319585566609, 0.07539696156269858, 0.04303533740767983, 0.055407057644641586, 0.04831152244616703, 0.053472502126874856, 0.05581310396597932, 0.05942657548279031, 0.04998684925226794, 0.05960119265321962, 0.07208029971989238, 0.0920918295303132, 0.07002227041823672, 0.075934079218575, 0.05689580318867308, 0.04319414953569055, 0.05813844833085812, 0.056558998192632756, 0.07218547470898096, 0.06296852090690996, 0.039337734728392706, 0.05815105757536154, 0.06384813459649571, 0.06738270678934496, 0.0925221764076585, 0.05557502592256913, 0.07783122698004535, 0.04652025720407731, 0.046060091848106596, 0.07063683877546735, 0.10201732854925163, 0.06778188530631303, 0.05546401076857667, 0.055104086761021506, 0.06125522178048275, 0.07998507339055366, 0.046051803845602306, 0.06627169431198411, 0.08820470080970293, 0.0704591142881002, 0.07197234087814681, 0.06888095625070662, 0.04338148458309176, 0.057809435338983535, 0.07101479725918514, 0.005848731467283307, 0.08042304497136464, 0.07393883527970908, 0.08332694385099623, 0.09150187166494012, 0.0881214656478358, 0.0914465324224855, 0.11375341657138607, 0.07069501899241848, 0.08807545418456104, 0.07114408876439694, 0.09367413139821787, 0.08739763342554246, 0.04181487100859338, 0.059578266094982235, 0.1065976818790682, 0.07297073493780228, 0.058069523019370926, 0.07455326085001185, 0.058180983824937374, 0.08171864765268351, 0.06378202731520753, 0.0521338902195483, 0.0649192467478884, 0.06514850259489227, 0.08017850898972814, 0.06903550156095947, 0.11447828435588499, 0.06350212938944508, 0.09201483770057609, 0.05156623735060285, 0.09066106854066985, 0.08011034620550853, 0.08072133395974285, 0.09325553550373705, 0.06564416157843234, 0.0670077044970474, 0.088014429088011, 0.0880481396687817, 0.06718625539627997, 0.06096544512514801, 0.060529406820166665, 0.07484498291522958, 0.06044527611971245, 0.11111462781931081, 0.09562902830546641, 0.10755398711773698, 0.0818375776945823, 0.05832917468369793, 0.06926275744552132, 0.08048555195201941, 0.05925013570007126, 0.06988074525902506, 0.06812134293412585, 0.06971849906181021, 0.009367865614884969, 0.061575858056208306, 0.09909075704734309, 0.05668572951386265, 0.07182440102672216, 0.1094538332977872, 0.05587982968676776, 0.09528358282269991, 0.09332529180703306, 0.08962998111500811, 0.06268424158901914, 0.1009614285153326, 0.06922540169625345, 0.05678915954680468, 0.08145293046760851, 0.08956547580327817, 0.09674895204030885, 0.06053714475575855, 0.06013052025839339, 0.09244560364605742, 0.09172452421103397, 0.06314401257889073, 0.06287477091808692, 0.08215444360564851, 0.07432359669668401, 0.08549279970356415, 0.05653440108554745, 0.08630135766063915, 0.07390682958783529, 0.0734135613637163, 0.06638329041636734, 0.07079207347902483, 0.08493489414310199, 0.09161171052252923, 0.0929759614037223, 0.07199032707053897, 0.0739794495092358, 0.09004851745132894, 0.08368355188546017, 0.051019807707956055, 0.07940375234532787, 0.06543588190898067, 0.045392161704195036, 0.08904525599002326, 0.08473757850628222, 0.09527016090610457, 0.07614775761803894, 0.074810866974388, 0.06385326780384883, 0.08834894284037406, 0.07252637948656407, 0.060634020994264015, 0.08028601627686138, 0.0639618236354978, 0.06736264359425576, 0.0708936901728162, 0.00755317811016961, 0.07191604325213222, 0.07284203740227037, 0.057099427811422056, 0.09287748778657265, 0.05241143111062692, 0.07023297144620842, 0.06108204516615434, 0.07085171523869063, 0.08787514791458682, 0.07669693709193293, 0.053850210584525104, 0.049917896394481125, 0.05491668073952893, 0.06085815669991678, 0.09852067455136976, 0.06562325054791816, 0.08702325980556477, 0.06929235937271921, 0.08732960576669958, 0.06251319379235153, 0.06003061127306717, 0.049829734691593165, 0.07022072790848416, 0.07114482026803766, 0.059082001168986, 0.054618881687089636, 0.07242825597910896, 0.05547226749490191, 0.050594183023286964, 0.058363061186766485, 0.06310450405397112, 0.06235567885201325, 0.057413527304088344, 0.08286453972287333, 0.05561028767615814, 0.04746864728810505, 0.07867154159116693, 0.0924495063151336, 0.06752330132836484, 0.07605671436836696, 0.08780089170064048, 0.08138760068578056, 0.06463239967166753, 0.06010132875206935, 0.06700279868707157, 0.09635834481167016, 0.06536372317125237, 0.05535591165843304, 0.06744775677349032, 0.07050562720948908, 0.0769176037754375, 0.07094321119593053, 0.05065816274521045, 0.054181800236011234, 0.07541809343079063, 0.09925972239332391, 0.007445549772295272, 0.07667928803213285, 0.08408975371547867, 0.05565881023572167, 0.06412963578446743, 0.06833413346154989, 0.06972931568432805, 0.10347931271334461, 0.11271024398733291, 0.07177462941851441, 0.08770711096489758, 0.052851862100908614, 0.0554920087260172, 0.06243990135346174, 0.07216995028218356, 0.09251360073142952, 0.05846897902222356, 0.06848651894414323, 0.06524662345464069, 0.06735745490618024, 0.07499369972169877, 0.0668348766858779, 0.04833965704794612, 0.055567508792398676, 0.04707273699504192, 0.06809628346085689, 0.08016065229402211, 0.058503887013533526, 0.06397173862683458, 0.0512904743338931, 0.07518244741861, 0.06466691951319134, 0.04739730289812538, 0.06125326994068546, 0.05414074070569966, 0.07902103805297606, 0.0639225581806459, 0.10167781841208316, 0.08636539508621521, 0.07607748858352659, 0.09727085372467109, 0.058383127937787035, 0.08229610465174683, 0.10438505760933608, 0.06594798299385328, 0.09758657900833706, 0.07321777249301342, 0.09320605620619851, 0.1046641023717095, 0.08745151709996621, 0.06983588295134784, 0.06277292849981152, 0.06476087059964607, 0.05431732816152018, 0.06770381749668765, 0.06928380079344425, 0.08319535994877238, 0.07420030876071705, 0.007414452909481397, 0.11401505738960435, 0.09748432657485107, 0.056029636780398906, 0.09849811343605211, 0.11192028232680461, 0.10770343009469058, 0.11434844137461976, 0.10465039560982102, 0.08907148702498177, 0.06413840726174655, 0.08097580154162591, 0.06731970955336865, 0.046358914699382026, 0.08197093085327231, 0.09890250228997993, 0.0669418530526596, 0.07810954193775033, 0.07678903854608139, 0.06654853278045687, 0.10643821701881434, 0.07983472588755042, 0.11499794239332686, 0.07244942135645482, 0.06413857776115257, 0.06793677743599168, 0.07368048669816414, 0.09552220873045164, 0.07452607811588828, 0.056996909046842376, 0.08735706826911355, 0.09418086696582645, 0.09514556820484994, 0.0769902964450913, 0.07157351397303043, 0.08906754361874004, 0.07700154851961721, 0.10172672467900974, 0.08486956028188972, 0.09774692119285666, 0.0636919193948824, 0.07993197730435642, 0.10356241849113004, 0.05936293977518986, 0.11624396510457993, 0.08592134675592122, 0.09785896943703226, 0.08681643359805236, 0.09407499393948321, 0.12565676536175222, 0.09613037557932569, 0.06261973848605296, 0.077289603503779, 0.08653422596136162, 0.06793327588789767, 0.06065263896124047, 0.07698119170061424, 0.05473987337034354, 0.07600126290742384, 0.009846715633078713, 0.03911513756447679, 0.07802524997031007, 0.03958748572487458, 0.07115914579065366, 0.07132094696705174, 0.07196420701871858, 0.04455142347010731, 0.08391514483141353, 0.07624493921072986, 0.061700042948459335, 0.06550910752469244, 0.05817330995360766, 0.05465929469671979, 0.06786031361201862, 0.07537859715855846, 0.04485863419974183, 0.04831332841537888, 0.06412821538273819, 0.07117828551222677, 0.10895740400533951, 0.06512576433441158, 0.0792363239553307, 0.05111835698840316, 0.08021506111251622, 0.061214613722973495, 0.060166138458501564, 0.06009345935918749, 0.08071821829342352, 0.07957002361483798, 0.0816019977718613, 0.059350255554155816, 0.08145054350449454, 0.0668099396284762, 0.05977443149184994, 0.042180204683050226, 0.06025375834630409, 0.0748302095307305, 0.06789533587538778, 0.08779119911576878, 0.06671596585792713, 0.044840469737629576, 0.07466493349867055, 0.05106399322239053, 0.06387058765274153, 0.0702094764832686, 0.06434596427072345, 0.0789633085467093, 0.0634579285854586, 0.0590064065492212, 0.06072735692477647, 0.052613563285775794, 0.06559688411392775, 0.07529045577160505, 0.07649797958021279, 0.07466315138175889, 0.06571133003972328, 0.07703036298603418, 0.05799687248732723, 0.08128420886132728, 0.007906158901410294, 0.08803718839390995, 0.08939498514326884, 0.0762310365879168, 0.11832959666228755, 0.07715124670393017, 0.08866235775470277, 0.08625244349293539, 0.06773278738598165, 0.05790387070094617, 0.06191778914352009, 0.030471685850133032, 0.07163763757939046, 0.0907355651185788, 0.08185244091045998, 0.0724479515377674, 0.07041343539729825, 0.054200464036120055, 0.07082872678252827, 0.06285715410112708, 0.0657531030136497, 0.09585149758088762, 0.09485274936739595, 0.06620099859250245, 0.08051070007802175, 0.07413257668343703, 0.06387220288342389, 0.0681446797577896, 0.08065953890800824, 0.08811410688375679, 0.07607382506023445, 0.057538840910963146, 0.05988553846507279, 0.07889802830868957, 0.08293366044016554, 0.07785471989900543, 0.06847909933392832, 0.07657674500476525, 0.08146503491027056, 0.07028418746741061, 0.06680193487504375, 0.046915030505452385, 0.05915570293312541, 0.05103656176898405, 0.08667139509539515, 0.11479498304950878, 0.05515902749952548, 0.11928461750509611, 0.0767201251982086, 0.07554349934350388, 0.10883281913306808, 0.07167931333723102, 0.09537914007391152, 0.10019550677790448, 0.0634483060735749, 0.05740550697084462, 0.07047290949115051, 0.06682089214678778, 0.05865356228909151, 0.08023573036706427, 0.07884269156038938, 0.013563542617338924, 0.06597880924100774, 0.09496632607172367, 0.08322475755488679, 0.07636593864603425, 0.08999795891549275, 0.06622329326351338, 0.09503519211929079, 0.10064733466126374, 0.08839978932629422, 0.09285448765781795, 0.07362546251784904, 0.052766367216894774, 0.04731408405419042, 0.06325626342267868, 0.10524565608430629, 0.07178715813977643, 0.05729849539071191, 0.061934842603906026, 0.05952094210427197, 0.07639167001528532, 0.10466513013382632, 0.0743322243629049, 0.0618837408469805, 0.09942845464266742, 0.058288348934633805, 0.07922646890818788, 0.03845676736002228, 0.05286432457728246, 0.07062190775116518, 0.0691169887637299, 0.07638108844775035, 0.0630524000348902, 0.05196303190972344, 0.06972670235089677, 0.06489122105186354, 0.06025194917727694, 0.09600353772559862, 0.0893213404220375, 0.09185255315146093, 0.0709609727480466, 0.0785745499989399, 0.06540815870542613, 0.045502975522136925, 0.07882231835588427, 0.09006733243943857, 0.09571189506773714, 0.07965906868736641, 0.0740100915293685, 0.07877672239361035, 0.06504660745916245, 0.082730242343025, 0.061264625308179235, 0.057038630711869764, 0.09936626435849406, 0.07381006879436201, 0.08302282502334578, 0.05593123179491473, 0.07289177526172921, 0.08209066978029755, 0.08732306615437208, 0.05199679400725485, 0.010464465763605997, 0.08800795279126858, 0.11728181697334521, 0.0898512852983444, 0.1002107148741925, 0.10951646126681233, 0.09300595292125616, 0.09544848222513, 0.058186003823461126, 0.0902697106818523, 0.06742695999937062, 0.08049979579976273, 0.05093870148834795, 0.06240890077689889, 0.09077336763931733, 0.08185874041930646, 0.08709536982193597, 0.06291638692366432, 0.09750078799611499, 0.06397551028960571, 0.09401138696130115, 0.060824581858156423, 0.10313969078588231, 0.06593763906931442, 0.07467538103939945, 0.06504862203078732, 0.06554228167767552, 0.09392670038287243, 0.08945555145928624, 0.05747563935273011, 0.07550543323661008, 0.0628125114589827, 0.07669418224575333, 0.0936078611459733, 0.08662711494438666, 0.09673455560828521, 0.05173567439352798, 0.07342398823741812, 0.06896959017712714, 0.08969741075419924, 0.0914221685556384, 0.0580584988509876, 0.0906592132472839, 0.09107552822672926, 0.08301524027857851, 0.0704953688782043, 0.07362797461518225, 0.08030892202805837, 0.0819661907504812, 0.07724559196827245, 0.10744599075968472, 0.08218217590495228, 0.09708346808606239, 0.11139300547355527, 0.0842381355081557, 0.08169800094489452, 0.09107839683545053, 0.06615760657204653, 0.07576404372546038, 0.08101666367342428, 0.06603301378246024, 0.08293278555969419, 0.07338712745557159, 0.007950754418466321, 0.07388334291767557, 0.07717887387098918, 0.059126506871690465, 0.09337711512684177, 0.07828519777606903, 0.06609533927408262, 0.08618604697059448, 0.05351032422935813, 0.07518531815732743, 0.05107667836916753, 0.03386061125233319, 0.05122041969566693, 0.03331954754987132, 0.07255519104006727, 0.08517627218708378, 0.03992669181410815, 0.08393923906763232, 0.046163145228962456, 0.06262672381404076, 0.06118308424681944, 0.04190969571455326, 0.08263418443170986, 0.055414784510496126, 0.063956188619823, 0.0772003861088604, 0.06644507576289656, 0.0830872033336841, 0.06605257036170334, 0.051149690151995886, 0.038509758938770705, 0.08296729283226605, 0.06217293777670291, 0.05121930324213756, 0.04926434947284347, 0.06304600830466794, 0.05408147664794299, 0.09008739609112562, 0.04834125732687057, 0.05216750707408321, 0.09660662746017046, 0.081004087970657, 0.06381698609186989, 0.0849594530789621, 0.05739223457296946, 0.08580875401047994, 0.0681039662450677, 0.08128964237303125, 0.07696724639893099, 0.08702016050737371, 0.06145309098776635, 0.05583750528091056, 0.07461626842908481, 0.052133315452696415, 0.03519804114034327, 0.09436756789422462, 0.07816116497880549, 0.06597976501610472, 0.0530163879709078, 0.05238167091924717, 0.06144132993146217, 0.06930492909214347, 0.07019921135354348, 0.047667345758540605, 0.007971630076209164, 0.09343540447927534, 0.08127691169144219, 0.061680601823207, 0.0929135762439399, 0.06475432331676591, 0.03609908654253465, 0.057527094099312226, 0.09873468331835161, 0.07392660414515381, 0.07397355638402203, 0.04522284144654458, 0.06423515515636635, 0.06530831460497842, 0.07232669059464505, 0.07991381827444041, 0.08200270132978701, 0.07312902053097786, 0.06627605578335555, 0.11134105507534141, 0.07748010310406771, 0.10349573995184164, 0.08609893224987285, 0.07783483317467671, 0.07792708658900825, 0.07557364787702622, 0.0662422732842626, 0.07546677892534227, 0.07094973568003114, 0.07970708293299952, 0.0985733193901105, 0.050157884879754824, 0.0797872559053093, 0.07228265886004777, 0.07306564746745742, 0.07623271179569081, 0.06784557150764692, 0.07546001081057767, 0.07650671781487761, 0.10679365072411551, 0.06838137096239823, 0.0852376538410047, 0.07622954374730492, 0.053833965955746105, 0.09368627216962568, 0.08544923908547306, 0.08100115143136118, 0.08795095714873515, 0.06908118494277199, 0.09134629942738524, 0.0744196153073366, 0.06027995666515765, 0.04413105178851044, 0.1316478140834858, 0.0579254053873214, 0.10846279209667574, 0.09376855915072968, 0.05924173151870384, 0.058934050831754986, 0.06011572299472515, 0.06792424258556305, 0.10813542059871493, 0.10578205007003437, 0.11509166560178108, 0.07179216681835117, 0.007939363725444452, 0.08571016568195719, 0.07153545353127871, 0.05838430394295792, 0.10712056071528855, 0.06463323554482218, 0.056966653591836225, 0.07322307611612022, 0.0888884753259924, 0.07304666936081189, 0.059078762733583486, 0.06889376354347987, 0.06616045570505516, 0.07363964751919082, 0.07976400858502913, 0.1039989639264367, 0.07632059795014237, 0.08426288871597856, 0.08603519901252638, 0.05678492757435262, 0.10625644341829998, 0.08438794912729614, 0.08094130264446786, 0.10584771730904505, 0.07922528037058724, 0.056827465647154324, 0.06596914134328714, 0.11042259870575662, 0.06720709760688318, 0.0681957216468532, 0.06804463088926214, 0.0672344775648578, 0.06260051056987857, 0.06188122649897849, 0.05881279452859812, 0.07064421414528449, 0.06793947787244188, 0.06141215877686436, 0.09273578564989152, 0.07131222917238775, 0.1045990657876909, 0.09352654347964365, 0.04405356837447741, 0.08133256686828294, 0.07383009774038961, 0.11667801329433813, 0.05468324825065119, 0.05827673118023236, 0.06008920109091883, 0.07729798704893533, 0.061009767467932415, 0.0971962154175092, 0.06533162671258011, 0.07147237396546258, 0.05152707274771236, 0.11558175119654013, 0.06827043148022618, 0.05222006341085216, 0.059702768621908056, 0.07822538566153767, 0.06726680996635123, 0.05302672876561832, 0.05805822616212368, 0.06775754484996449, 0.044302501906873036, 0.07108281160849536, 0.011327222229831187, 0.13126070156884528, 0.11234156612888714, 0.07916582781073704, 0.10762598787002037, 0.12066431885717344, 0.09626348952871602, 0.1558779072172443, 0.13235379083602183, 0.10562071820615745, 0.09495234750907605, 0.0783437990666253, 0.11308568780322842, 0.08071879759560564, 0.10865691956780842, 0.09782426517740923, 0.09241178559297192, 0.07842331214023912, 0.1227098353679123, 0.1251320291735309, 0.08790445293993249, 0.09266161248361068, 0.09650401812905583, 0.1273769080531733, 0.09189726966544194, 0.06888266671027711, 0.06318033910570285, 0.08430789753578322, 0.08950284905097608, 0.06819355913379836, 0.0946153243590246, 0.08747225429134001, 0.07473938651884164, 0.07066588659318987, 0.07994827979071714, 0.09050686593529997, 0.08862085232068342, 0.11095053910057935, 0.11725303996545312, 0.0849773443592916, 0.06289592091894458, 0.061888833223601544, 0.07259939435398832, 0.07326414323214994, 0.09458977165422919, 0.09832933486436987, 0.0603243810745305, 0.08185828867539068, 0.07771955743203374, 0.10999809177130146, 0.08805176280073593, 0.07337175057342399, 0.14842004247455287, 0.06866277399820606, 0.07923162135844403, 0.09821252572305816, 0.10153241354790456, 0.10392136158204039, 0.06797534223253172, 0.09513385532325674, 0.1110680893377996, 0.09635168219267107, 0.11334245420761825, 0.10330922425587015, 0.05992139171786558, 0.08764764393442157, 0.048499518954496744, 0.013997834411309792, 0.13983626016987588, 0.09307615454767071, 0.07487519237766166, 0.08869842726108787, 0.11249375401321006, 0.08353726693216701, 0.12291683007292588, 0.10762934744414268, 0.11688727387394546, 0.07273143193080817, 0.0700407771138632, 0.10922567159167339, 0.09458983262213957, 0.11679107641921291, 0.08846291735197699, 0.09350456952227856, 0.0685192380420547, 0.10775941697752252, 0.10646934501156939, 0.12385204525020202, 0.060687724347576154, 0.08065450896251397, 0.08324494686715994, 0.07839046219981666, 0.06995592661519617, 0.06201062072571174, 0.07028712336508525, 0.09434689083603481, 0.07559262376579659, 0.07487738235507041, 0.09884350377664987, 0.061218036088828226, 0.08195097288567535, 0.073868124668316, 0.06006458886313959, 0.09318807930617053, 0.06931024959934133, 0.07376726751539484, 0.07298599565000746, 0.07689301607101641, 0.07151266119066968, 0.061746032350386615, 0.14040950846839007, 0.07632635677429238, 0.1036691528941677, 0.08927394421923045, 0.07876516140361378, 0.08047703581795829, 0.06357440077793297, 0.08578723151698636, 0.055180589926426334, 0.12339007332065328, 0.09498791247695401, 0.07704961976196041, 0.05738788914649752, 0.09252115899700225, 0.09252155585558303, 0.06376302013859154, 0.12180292469599444, 0.06747308488618758, 0.10140104096935473, 0.05917903216447234, 0.08538398159257568, 0.0666659652171069, 0.08625486236260298, 0.0771428952631469, 0.09312662732452048, 0.009635274238217233, 0.08931799837387275, 0.07011288896985943, 0.068942782719818, 0.10568068368779998, 0.06467384288150087, 0.09779465972025067, 0.10804076631263346, 0.10386388601691345, 0.11575556051113975, 0.08374488052999986, 0.06835134165003508, 0.07738304088858279, 0.08384161183147965, 0.07119133400685898, 0.08966483915226622, 0.08838376166714285, 0.05895848004963933, 0.05448146715072192, 0.11239399731941331, 0.10712616309859543, 0.0750412740381633, 0.07672354139572128, 0.07420577103727544, 0.08423894801785807, 0.06532790374022372, 0.09575206109307617, 0.08213496016131341, 0.06249092616000605, 0.058555823987291075, 0.08947088066986597, 0.08105379038445922, 0.0629450098081606, 0.07884489338845192, 0.06768267420112242, 0.07016820000394369, 0.07397250898575752, 0.06263023784228622, 0.07267384437183828, 0.060513547598763956, 0.06167503442806242, 0.0797076039585624, 0.07505530604209197, 0.09707073681925374, 0.09826093183889063, 0.12619512539382224, 0.09664209316092562, 0.10878217332250817, 0.07060432371168114, 0.09902952119072672, 0.08803987179362326, 0.11040322424096627, 0.08578195098967893, 0.07281113873452225, 0.052762206222911306, 0.07883875282429981, 0.0919557660426538, 0.06616940666197921, 0.06493469832222162, 0.05864557775487651, 0.07199053993608551, 0.11439396897401964, 0.08889526684970037, 0.06987898589415929, 0.0978618550906947, 0.05563943403911603, 0.05258011769735364, 0.08075959460606645, 0.08233302336915367, 0.01215705776525109, 0.1291030880914795, 0.11730966329516729, 0.09848315084566311, 0.12467991914834747, 0.1174845658917149, 0.10907984724324522, 0.13697712201642928, 0.12470246887922676, 0.09921158356225918, 0.11501988459455739, 0.05763892715672264, 0.09574716876217089, 0.09677158657261266, 0.09923870305704632, 0.11246250364893745, 0.09789302804448402, 0.08391766906381552, 0.10011674369499307, 0.08667287213096718, 0.08637317347340755, 0.09891986532181044, 0.10950247469826285, 0.12562620045435052, 0.06942622608345529, 0.09193529395711265, 0.07911896569732636, 0.0658882379549176, 0.08115359689446972, 0.05104516914970763, 0.08293827769220952, 0.08674778854785978, 0.08882076918428215, 0.07751949890059076, 0.05372496011098851, 0.08720643367583979, 0.07165864384967655, 0.08528144655228395, 0.06943468241306856, 0.10726031780315765, 0.08854879267814858, 0.08111285748542096, 0.06078516665857995, 0.11136358309442727, 0.07278961754957117, 0.07466400847791907, 0.08436692193978598, 0.06171833078594909, 0.12202089115487, 0.12936185371663494, 0.05993122919139722, 0.08619183718448392, 0.06886819939205545, 0.08044443172228204, 0.07291768017835713, 0.1026446973474895, 0.09657367282748638, 0.0712615055747521, 0.10240795267070824, 0.08497789650636893, 0.09403771725196805, 0.08585535952232853, 0.08095887251903183, 0.11265742604352594, 0.04483935136001842, 0.10361918294339875, 0.08244543415376437, 0.15502169881293015, 0.17645791315386722, 0.10385713972910646, 0.0077469216028245615, 0.11321451679764705, 0.10611452017511962, 0.07721520943237462, 0.14409824638058238, 0.06550423895340912, 0.1136250874589983, 0.10564800291675966, 0.09675675426452457, 0.14283476160553848, 0.07902204751586633, 0.026638941406693935, 0.10589288820116152, 0.09522935021237078, 0.10255118993131548, 0.11101919406453135, 0.1336081067605293, 0.06828470612353163, 0.1096965563878026, 0.09090395064227957, 0.11438488909713648, 0.08793304983978453, 0.09504690891831498, 0.0792575212287922, 0.09431622797044961, 0.0889671371679564, 0.059823361933833405, 0.09773945284010291, 0.09007489974739666, 0.04938736826882105, 0.09804013523666422, 0.09828405161403667, 0.058802422578275476, 0.06645077687262271, 0.08088942478748974, 0.08824178767222436, 0.06237036680379198, 0.07771501435828274, 0.08503902688790421, 0.08733824304877973, 0.09175608221766596, 0.0658851548442003, 0.07772660534218427, 0.09148707719487513, 0.05588074198699508, 0.10643402784674186, 0.07719804541418374, 0.08907423210723978, 0.06087117668310275, 0.09418511743143947, 0.06541556534159414, 0.07018354975322964, 0.09855551256566841, 0.05327794220705137, 0.08021251728212264, 0.0724674229504372, 0.12443821097527416, 0.07025809301113113, 0.11097460168823632, 0.058279831786077395, 0.08069521295242524, 0.09890799870233094, 0.07075938964365247, 0.08845477863465007, 0.07311744693145969, 0.07257406908383347, 0.0876347358066426, 0.13603202872239703, 0.09016006986462827, 0.09365223088886865, 0.09894007101267124, 0.010854381403940235, 0.08988612783220155, 0.1320823976275104, 0.0879245819218499, 0.1244816944640014, 0.10393999538007578, 0.0976178618188656, 0.10164625483973173, 0.1620657238757916, 0.10366973504638638, 0.11316555676348375, 0.1269450015925086, 0.0668546973058504, 0.1078394848122585, 0.11152014737349958, 0.1090984144195485, 0.1517302505019934, 0.11345914195695507, 0.09749179409876149, 0.14857500197809842, 0.1062462084292986, 0.09199900689889695, 0.10027621984578083, 0.06110239371413737, 0.09063564073178065, 0.09037083167103101, 0.06944580084142313, 0.07607853648097673, 0.0916583350553556, 0.09011851034016943, 0.10766248714093993, 0.11748165425800891, 0.060974418573202654, 0.10778127875249544, 0.08922233146595862, 0.11193842027373088, 0.06879273849411698, 0.07332673798304083, 0.08270609717718218, 0.10021070598273471, 0.10670923674295457, 0.10204778276969631, 0.07047859375374721, 0.11665383030580606, 0.06901606403161853, 0.14855758249058307, 0.08415333478644606, 0.1502129463560864, 0.09984030220963253, 0.09986395122695482, 0.0870791214418581, 0.0883678488984648, 0.09836791520873366, 0.07464755926851954, 0.08461930260405232, 0.0703617244440095, 0.07721070672908882, 0.11319394533868819, 0.09285987576832955, 0.08247842018243771, 0.10442239071500921, 0.08182718632943783, 0.09856746881788578, 0.11393380663708087, 0.08002354367431133, 0.07674618936681439, 0.11215097546662615, 0.15498364572453155, 0.096203869460078, 0.12279369625718219, 0.1041782560720926, 0.13794758515755934, 0.01023858009173097, 0.07605527406307608, 0.06431958716899629, 0.07926960249063886, 0.1084372423780173, 0.11459304827653032, 0.08599228468274148, 0.0968909248909778, 0.09910930683965402, 0.1300986912510913, 0.07513810010601131, 0.03866099844023339, 0.07002618767179336, 0.07598131807031382, 0.09422350618782074, 0.12351014210663214, 0.07417642590775228, 0.06820802646861823, 0.12716302864800788, 0.08090879307079107, 0.1087738692368389, 0.06265517768507739, 0.07654481137111566, 0.11024953929688154, 0.0676165671338228, 0.054546939161110884, 0.0750911563582179, 0.08001092467467161, 0.06747165698298518, 0.041991580709210594, 0.08891545325379943, 0.08752451659654994, 0.07062100564921892, 0.07804709774950955, 0.05705632056273575, 0.098764667833703, 0.09537854848013601, 0.08113210539181019, 0.07097452423607561, 0.07682875191303937, 0.06495205200378601, 0.07308574103615678, 0.0891731389720017, 0.061938908415551205, 0.10368394720123293, 0.09086962120280911, 0.08764158949491789, 0.11813560980061877, 0.06851193817384063, 0.08291695627287222, 0.06745342111210564, 0.09250655345969436, 0.0617790238133088, 0.09194127933633346, 0.0501148316685503, 0.08273261177737533, 0.05372958145679016, 0.07844624822585, 0.09972282433908147, 0.11037804558212735, 0.055832937144795064, 0.10939594713525316, 0.07267745106378684, 0.08649548258560605, 0.05563223328201678, 0.06413694535956761, 0.07542584676032922, 0.11752532119764053, 0.10685943547503213, 0.09025280071191087, 0.12374950286742945, 0.09839656333699402, 0.08101690559472252, 0.011695421796639311, 0.1151315187315804, 0.11591240834574303, 0.07798901091542922, 0.1281963158625452, 0.12860110572938727, 0.12185099601314923, 0.09472561760380112, 0.13418260756260153, 0.08829285806843068, 0.09030144351973604, 0.08240424397062547, 0.11686837150976595, 0.07658537777288113, 0.08903960850936009, 0.1363272832568424, 0.09514678725503542, 0.07686307725833305, 0.08210118806010744, 0.15289408452641373, 0.0741121059370271, 0.07438396496160779, 0.06335669124379384, 0.13282498696473832, 0.08650562958809863, 0.07500104513023735, 0.08208185794897147, 0.1014419937365505, 0.10724252334234284, 0.0960498759387286, 0.08291470952663159, 0.12407979063703986, 0.08219448836647839, 0.09617968149554175, 0.08252865131064913, 0.10502464974153013, 0.08178446078167391, 0.10710262551653933, 0.08072374934806312, 0.05855289776683365, 0.0647814633513, 0.07261149161099682, 0.1142361451791079, 0.07197260606825114, 0.08862731372562009, 0.10493593566386453, 0.07877291642742115, 0.11659686689383926, 0.08336809360956646, 0.12531969589365877, 0.1091753538762594, 0.05258289271312469, 0.08476157546914292, 0.08729825542921833, 0.06944484359196273, 0.05570016432295695, 0.10816177420309786, 0.10114573297469927, 0.11233645199535623, 0.10297505936183599, 0.05673503743863658, 0.07422391327267416, 0.07091583497695847, 0.10522711808035379, 0.07321814598849273, 0.07356325964516303, 0.07112737662388852, 0.09990891349883352, 0.07919271861728623, 0.12195564483795322, 0.1378801715164911, 0.10422701176034493, 0.16462543479955055, 0.09576657615956297, 0.01087667925035276, 0.0924287896354849, 0.10428568058626952, 0.10362045537912191, 0.11628116864754182, 0.09484416016693925, 0.10812661115422771, 0.15255568687072388, 0.11618229756235837, 0.08575429730724529, 0.09296840921848665, 0.08449250171735577, 0.10559999869172823, 0.07429703428049855, 0.0977758880176445, 0.09173992711615483, 0.11473367151216009, 0.10674013727360063, 0.08120564779713059, 0.08761496681100958, 0.12191852504764253, 0.095744929888658, 0.11802553632942404, 0.09463014396293079, 0.09262326401514466, 0.06406281997273683, 0.09979175941442207, 0.07010512106513977, 0.07999944983179566, 0.07514434714023618, 0.09655740500682021, 0.08581345043451624, 0.09058473291686994, 0.08259717822632176, 0.09807043435226095, 0.07323082146165964, 0.07566602416492765, 0.0948935088932116, 0.08339561549951757, 0.08296509635375274, 0.10187188409959495, 0.12718061689507804, 0.07469455968024669, 0.07169229780126087, 0.0922618846565517, 0.11718706554165258, 0.10120478532481567, 0.08718283968243207, 0.08470454600122648, 0.10702504364281237, 0.08280988767423947, 0.07995077452451962, 0.07834436901194929, 0.0512116777640919, 0.05885464757751467, 0.050058426273960545, 0.08587719410180628, 0.11418422105772078, 0.09254485412651622, 0.07726694442858385, 0.0678487214834031, 0.09678053673744953, 0.09262258215863786, 0.11901667600704716, 0.1012723366121933, 0.10608462591840385, 0.11233074925844916, 0.10896862227314821, 0.09513635606936989, 0.1005914140855573, 0.11426190531184183, 0.10362956567985765, 0.09422693562446133, 0.14083847276801298, 0.11140856153989177, 0.011488314280708043, 0.11293291980444553, 0.10683748120676909, 0.10834396664159991, 0.12650404245637364, 0.11593364148676866, 0.07177996523310787, 0.09736544258056307, 0.12634445104218014, 0.13400658591262984, 0.09500468514341184, 0.07751979967404087, 0.09905672033778548, 0.09027646421639185, 0.10443366718118538, 0.1503797166836438, 0.12435050048290525, 0.0765564291565449, 0.10552085409136083, 0.11703832124999047, 0.08108396890449222, 0.10095518219013505, 0.07879689135419067, 0.06488326890295826, 0.0711542944413442, 0.057551396781218934, 0.08599531411834554, 0.0820465463819983, 0.07928300179291953, 0.08387615966921455, 0.09714242657251257, 0.07942308923821215, 0.11441405110883335, 0.08082110688607291, 0.08052100755708322, 0.12256564405894108, 0.100549517177765, 0.08984099290748232, 0.06267800423037839, 0.1029489791775735, 0.10153389377720487, 0.1087885711731993, 0.08378693109120372, 0.12599036049618262, 0.09558888175708466, 0.10015366676859881, 0.11367812050300176, 0.11145447845194738, 0.07846703733862284, 0.07477437427551775, 0.0787891522549413, 0.11333529450034169, 0.07986625043411703, 0.11005201232258703, 0.07386871523773181, 0.08150131786327786, 0.09708949386823167, 0.0700192598736081, 0.10809893418581698, 0.0860457809180283, 0.054411541384266675, 0.0634719949619898, 0.08832871333836217, 0.1244350944842354, 0.07537448885006862, 0.07822827180434859, 0.10780883732253525, 0.09378000769287127, 0.11243714569796186, 0.08682148345428609, 0.09138630186086694, 0.15332443482484248, 0.1035882062759856, 0.11921757319044425, 0.12099086228108824, 0.1293460781838721, 0.010569370008942466, 0.09544177000847319, 0.09055187240357002, 0.09214829506593744, 0.07613141571670005, 0.1471084177904255, 0.09646552608196121, 0.11957984077622069, 0.13892593111862747, 0.1042850848686104, 0.08603363383846481, 0.06062816037353374, 0.0910274751773213, 0.08273003638520367, 0.09053560099696564, 0.0993504079224154, 0.04967237518788318, 0.06795615238953363, 0.08559795126817783, 0.12558974389036928, 0.07015456930070907, 0.08274878819235512, 0.06648126573359915, 0.08698294038531712, 0.09798777700159543, 0.07723016973787489, 0.0964219695690971, 0.06142133433171028, 0.06223824418215543, 0.07033444940264388, 0.0842870257816882, 0.0738488883507154, 0.0621121416269892, 0.09854559486026457, 0.08557435405303328, 0.08612868217272489, 0.09014235595618562, 0.09241015621148588, 0.06367474244127538, 0.07778066727074842, 0.085962593005172, 0.08016181017041958, 0.07725247065348184, 0.10489376845618492, 0.06114377209922478, 0.07067189795954792, 0.09579431494672344, 0.08701774425367935, 0.09206725363711192, 0.0689119453063005, 0.10195462618650686, 0.07929121218066182, 0.12941504221675157, 0.09815508858837371, 0.0910456232858945, 0.1036778799298639, 0.09442296888910565, 0.06634452570980987, 0.06608158463833448, 0.1036680990310194, 0.0725435529262518, 0.08566518266412446, 0.10168753383030532, 0.08056543423483914, 0.07601260003068051, 0.09811457527270506, 0.06742239352124227, 0.11919734321220962, 0.13216754617885046, 0.08873728188668273, 0.10565183788377162, 0.10581718158884704, 0.11716772146653742, 0.10039581595153493, 0.09997510647857888, 0.08833921372044432, 0.09746825791708677, 0.009244984371213748, 0.07093646358052874, 0.12015742704770606, 0.09439763216853306, 0.18970507166288994, 0.12146464860742212, 0.14431331219763047, 0.10687769786432391, 0.09409165733993334, 0.1161245842684261, 0.07436661496009953, 0.07127529232085097, 0.0981110671729404, 0.10929803644434673, 0.1039739729248762, 0.09721421081085596, 0.0961112931209777, 0.08650414697173728, 0.1282504771927914, 0.09391705628596679, 0.10024962925852737, 0.09734602363007833, 0.0952394878447318, 0.058844873861443985, 0.06849312519783565, 0.0873219666745257, 0.07003508716616595, 0.11369403110343398, 0.06565787475507583, 0.09499306492555107, 0.06637940895421957, 0.09267606256737823, 0.05682980084705279, 0.08273990221434081, 0.053107699309296576, 0.07371623917259851, 0.09698729095535286, 0.061964794386075474, 0.06614712227020597, 0.07909538880264876, 0.10978063999741276, 0.07838397997458199, 0.09657392398365677, 0.0839991834520103, 0.09226370031778841, 0.08218973143014595, 0.09381711078525454, 0.1025154968477409, 0.0904897509129668, 0.05808312868176055, 0.08754213189184537, 0.08161522394381157, 0.09842008343023544, 0.07669144596030933, 0.0650673872051199, 0.05451422568262466, 0.08085826109657443, 0.08118246718582862, 0.0968125263526903, 0.07991468399874214, 0.06867450027759849, 0.1005877313578249, 0.08778397653991553, 0.08685506533526458, 0.08070853993415894, 0.06389270097222743, 0.08022680386003272, 0.14243037084485172, 0.14264045262113778, 0.09645428608748648, 0.12744799600926088, 0.11529710765448858, 0.10954957613595279, 0.11274089494953846, 0.10266949766689287, 0.1062081561187128, 0.06471385070975832, 0.08148613429199712, 0.006471181122997499, 0.06989358629672006, 0.09219554536255524, 0.1051752635299374, 0.11324961643620532, 0.11112166475382856, 0.09905674217652072, 0.13570931195890945, 0.07178573755742201, 0.11910871243401129, 0.06569646431817427, 0.05631819924962852, 0.07185219287751167, 0.07757908023266008, 0.06838748833531755, 0.11289311035456326, 0.08874258376552874, 0.0672879486935804, 0.07717292188446634, 0.08244161466994496, 0.13977816524850517, 0.10002311702384883, 0.09661307487056565, 0.1032733851544243, 0.09888455224778407, 0.10084771616025817, 0.06842423885567253, 0.0735565463034493, 0.0963921700605516, 0.08579368787263705, 0.09393458569402027, 0.06446008007168387, 0.08211899826117053, 0.08054434420006007, 0.06643795587309707, 0.09145341694454862, 0.08188737533639413, 0.10117421299953451, 0.054520499573670084, 0.08513638175573751, 0.0661525778957264, 0.07885643215172067, 0.10518871238914763, 0.0901556924893063, 0.08147443711132325, 0.09407478825579399, 0.085837964451484, 0.09601066986416018, 0.10053058133466027, 0.09309322602354651, 0.059339767762235505, 0.08433225546700375, 0.06707460358687764, 0.06513986160537671, 0.08996743152834573, 0.08547593147169975, 0.08525179188894208, 0.05743669239746024, 0.08907915662922483, 0.07803544336758678, 0.06800746992706973, 0.047044584253257526, 0.07857413579207995, 0.1121441419530644, 0.07599168608407081, 0.07089437768635642, 0.05479366659163397, 0.06472244852421127, 0.1024150565547534, 0.08524372219169632, 0.08851742787462974, 0.0792037597200099, 0.12673871076259852, 0.13170212021419225, 0.12208183518510374, 0.10597642288840942, 0.12282846075602412, 0.10060264781249963, 0.08563576058974638, 0.009454397061944054, 0.08991437578227206, 0.1416370641812838, 0.06953568893248288, 0.13506980113765138, 0.11018680279627584, 0.1012614234876625, 0.0912418928700528, 0.08176323215638837, 0.11819271030097339, 0.09379873797724105, 0.11515484233063139, 0.10813552644014492, 0.0836909484824307, 0.11080731920691202, 0.13126808301810836, 0.10025767599852618, 0.0620272481377215, 0.10176505585986062, 0.11164178969443218, 0.10588850293166678, 0.09022091007590621, 0.08685556411828824, 0.05946115963872031, 0.06798721021295934, 0.08028026089122227, 0.059984012173868236, 0.08486979856167752, 0.07019310401628681, 0.049850586006850925, 0.08049224804982363, 0.06973235189899823, 0.08569242525148306, 0.0949911304465265, 0.08651278307769755, 0.09325954358671214, 0.11362481620683584, 0.16569216823129568, 0.07993331604713805, 0.08231186617617299, 0.08851773841256352, 0.10079482045996563, 0.12151169620748245, 0.09628663049702506, 0.11148944975916782, 0.1194840609366487, 0.05471770301759536, 0.061929343699386734, 0.10516611466570863, 0.10153117557352848, 0.07445805510116531, 0.06520866060185526, 0.07138045424757072, 0.10795524564282144, 0.0857306215440137, 0.09458326563061953, 0.0719718116374678, 0.08656976670775816, 0.08653691009707223, 0.11822473814826595, 0.1079476015600466, 0.08168892985861587, 0.06530471801240456, 0.09089296075593323, 0.08757738489092688, 0.09919455373598855, 0.08503544230580902, 0.10130568120590748, 0.0877372117370282, 0.0916948106154028, 0.1464148478491995, 0.07463815873444399, 0.08786464951912452, 0.10021538998496488, 0.11951481554187675, 0.1123929461854001, 0.1079546533116561, 0.10022822713034889, 0.0895962465775344, 0.1090222310038274, 0.007897504919922492, 0.0707382965303648, 0.12393454462516566, 0.05486308318029702, 0.09950900712725091, 0.05160681940557195, 0.08685609256450587, 0.13215184454445078, 0.12288184028233287, 0.08371929548336596, 0.06797443918539259, 0.05946005156793572, 0.0762582485352172, 0.05274264537185572, 0.08392429591214047, 0.08745058150314339, 0.07366441089329805, 0.0763877748112596, 0.07876831682035346, 0.0724171524461106, 0.07681478627200003, 0.10307054590526557, 0.08666135613327264, 0.06886623861801813, 0.08597302601618095, 0.06241912046033295, 0.05881714965050705, 0.07956891402320332, 0.06771046725065608, 0.08896652185001763, 0.08797900306867518, 0.06845678257448573, 0.07145208030964689, 0.05110443412562991, 0.05778221111942365, 0.09393391828303027, 0.0620873875049254, 0.08067706537216159, 0.08211282772706092, 0.09363926205233923, 0.08025993717515131, 0.10740098821506286, 0.1141983471142401, 0.04900535284964608, 0.07217247493606269, 0.10569719321593624, 0.09299867602775291, 0.09358040138697862, 0.07235184677085404, 0.09881253193917894, 0.10698974077870554, 0.08679099659424258, 0.07405508214445106, 0.088861485067398, 0.07079168025261617, 0.08830260283403528, 0.03953472986673911, 0.0800082102774816, 0.058191029163383, 0.08008267246067939, 0.06973445420760532, 0.07166091125695485, 0.06214884898332542, 0.07853277744880534, 0.06125774694007638, 0.07191839935624564, 0.06700142953163413, 0.11095162186118883, 0.09515535247022676, 0.07831863201154585, 0.10340349181198222, 0.07640149870354607, 0.1010027608284058, 0.06936123383060513, 0.1014437880276204, 0.10850412566362957, 0.1116648629001537, 0.09319246972665063, 0.0920348523633245, 0.13765881132983387, 0.08582619140605463, 0.010016279411186565, 0.12256915419964523, 0.0963666237237437, 0.06835357885339818, 0.12058625659907674, 0.10103678737769076, 0.09892508840648452, 0.12050730465379897, 0.09050462265270706, 0.10913511754946134, 0.08987565345420302, 0.09886489321320024, 0.057287082033422865, 0.06668786020989698, 0.06345539896085953, 0.09461979135245308, 0.09790225990813693, 0.1004716864637531, 0.09013040069445054, 0.08049696946486318, 0.05711939788000896, 0.08789923572502112, 0.09834376434874467, 0.07787989337228385, 0.0893272106536696, 0.09461644475734685, 0.09564769028653629, 0.07604166708768116, 0.08490572596070627, 0.057086433820867075, 0.05915844829512396, 0.09823597743470236, 0.09500713891935599, 0.06667399335442649, 0.07557702418070052, 0.103370880893971, 0.09062955271803383, 0.09020445962909776, 0.0712936717835534, 0.0946011391509337, 0.07969639301990983, 0.08442747543915582, 0.054706010516751696, 0.06030974392933937, 0.09882402556086312, 0.1242910259329593, 0.05102124891706514, 0.07325827026760826, 0.1164395452294526, 0.06685438761182022, 0.0844521082630639, 0.08284736545808973, 0.12220672027490902, 0.0832082875820207, 0.0789427137104696, 0.07954679948441318, 0.0659072854483031, 0.06237800931277006, 0.061426099768330286, 0.07885025388137916, 0.09112137787255113, 0.06691846271736528, 0.1376930694542376, 0.08022267409607237, 0.06632032073810203, 0.07259102702980508, 0.0709215489512334, 0.08975248550295578, 0.07293052232317532, 0.09416298073231733, 0.1344702979679388, 0.07218473565603914, 0.11620420123391857, 0.06613368761543936, 0.07854443928364818, 0.12543363617936687, 0.09537019822449398, 0.08930202888923441, 0.09767325202473554, 0.1051083718452608, 0.1226103451454468, 0.10753799073060859, 0.009633808141540568, 0.09989948525825144, 0.07147980129846054, 0.050091105990652925, 0.10409642892993315, 0.10305117663830513, 0.07666789078066445, 0.07961645504703171, 0.05678833050978092, 0.09526156678481504, 0.07502588095472179, 0.04808528805867408, 0.10514872981124032, 0.0669195020946143, 0.09982274342009431, 0.08063894817022044, 0.08081029113119165, 0.044812398062999526, 0.07680634459434034, 0.07101828196113563, 0.08020081711658741, 0.06603950096942088, 0.05176383337530982, 0.06065333640518333, 0.07737411893032128, 0.049625403228303784, 0.07182363994369467, 0.05330456744020261, 0.05100992251236364, 0.04062254001194435, 0.056603649439506465, 0.09968869882525526, 0.09690200886563057, 0.08031218559133471, 0.0526169169358653, 0.06826550592420597, 0.07939302843210176, 0.06654501270931065, 0.09340176667996566, 0.0604440382181208, 0.06560694518406887, 0.11301055979862006, 0.06315179907533328, 0.07049430085984851, 0.08241771689143754, 0.08408687833359747, 0.06832867358776053, 0.07462406416165646, 0.11253514065536897, 0.07324939950395074, 0.07200923386956984, 0.060983615277844384, 0.09502620719075885, 0.06279124622237806, 0.05135190148654871, 0.0549816147827948, 0.06982310815026727, 0.07367869011076997, 0.06987640693796936, 0.05383074504678004, 0.0666569824844633, 0.0495776575797242, 0.049426574073284615, 0.09972614018674349, 0.05907003329784238, 0.08612407192261551, 0.05422321874357321, 0.09496005001118049, 0.07141350679004972, 0.054085107626397844, 0.09072717847698218, 0.10287741007863273, 0.1484126611356183, 0.07515236791646782, 0.07703251338225105, 0.10196523224517544, 0.09126203671518188, 0.09711959726527125, 0.07327838227990768, 0.07863706725557607, 0.10860056910697345, 0.10238100151008224, 0.07266025005524047, 0.008039154953229648, 0.10833114211405398, 0.0767826873192063, 0.06326656642974568, 0.08959241803704468, 0.12411640345372867, 0.08112699986483995, 0.11070289729607308, 0.08307170477419135, 0.09478497786438253, 0.0818756801425396, 0.0733568775548647, 0.09160873517275174, 0.0700730677472626, 0.13328099533081977, 0.10419292781361122, 0.06845867862835475, 0.06160347891232092, 0.07397388443774724, 0.0787741673051571, 0.06828431791205145, 0.0510097351075295, 0.05960017774160134, 0.10672989577473142, 0.07624599539749227, 0.07145309889598007, 0.04921382217965238, 0.1139609571465303, 0.06705974901471307, 0.05577225288152447, 0.052335513253870494, 0.06425083035570162, 0.06728111713883579, 0.11353984308572834, 0.06923045986421991, 0.07597301056700456, 0.06251175397790784, 0.06885204009367246, 0.09976470502926868, 0.11685119175740927, 0.11497513645129481, 0.06464371821924947, 0.09948091702258528, 0.0379955718576632, 0.09752258713717438, 0.12322113230191666, 0.09574527067771423, 0.09375869986096848, 0.06174544253881642, 0.07875816087265047, 0.09798124998223937, 0.07742950202117481, 0.07222398392477711, 0.08221658320633346, 0.08442579168513792, 0.08286106061649756, 0.07291014294162754, 0.08917274768669961, 0.10575392166193724, 0.08385562947849406, 0.061944751306429326, 0.08013265689228405, 0.10198077030850283, 0.07445235069694052, 0.06123996136522297, 0.07586444839473094, 0.1004007569354051, 0.11952631132465522, 0.13539375369839396, 0.09053028928037155, 0.08695695991039971, 0.08698981596050538, 0.10480047544459871, 0.11720337842562359, 0.10028852240192565, 0.11949509436500012, 0.1322198393926538, 0.07499849258072068, 0.0818747495081021, 0.1386662634171026, 0.130455245344073, 0.08601231844936214, 0.1103449637112912, 0.09362773132863784, 0.011275401835287862, 0.05721873607582438, 0.11286681055296063, 0.05434104765864495, 0.15621745732898878, 0.08734075030996204, 0.09557816151247701, 0.08951641936092994, 0.08909743901290126, 0.07449703216818883, 0.07049922857437635, 0.04365929088607823, 0.10897237156023322, 0.0477780669205463, 0.09130705613749968, 0.09422266178854878, 0.06583269286745054, 0.07577330089185605, 0.08153070924389476, 0.0577976961663924, 0.08245650986465308, 0.09446854643314354, 0.06092761120227986, 0.08169580433613874, 0.07223999085387775, 0.06965782892360842, 0.06503441596960906, 0.08708773395873191, 0.08525321269785167, 0.06528236739935923, 0.09967750567487796, 0.09681817146287355, 0.07494864026843799, 0.06320395153334757, 0.04657440636351991, 0.08756076504728677, 0.05420398182613548, 0.04602708853752102, 0.06580105589122584, 0.07517275049185218, 0.05517585151400863, 0.09044508158674291, 0.06733208695582987, 0.07472354910037486, 0.08348903901366393, 0.08276798876241823, 0.07952561995147192, 0.03990139173165614, 0.0662527904220573, 0.08058013108759332, 0.07470392606105847, 0.08449939458563657, 0.07385992113405677, 0.05140720350491479, 0.07021279743786152, 0.07789442386860385, 0.07680050826891023, 0.09517235556441603, 0.10412832173371377, 0.0682343241764339, 0.07497576455512935, 0.05556378929335078, 0.06485456895075317, 0.07595798335911527, 0.0561426736145894, 0.05219851343259704, 0.08640901633077477, 0.062162898356130133, 0.07921347437638876, 0.058530682064440245, 0.07139828709085114, 0.07033563413758304, 0.10002573369800219, 0.07449135741029747, 0.08395844499655017, 0.07020210358625101, 0.1239035312670779, 0.10937924707117731, 0.08288267014338345, 0.1269419043698158, 0.0827862247483859, 0.09033912028753575, 0.06718244772462469, 0.09056671112939198, 0.12834089523843004, 0.0075273558371059205, 0.06830191964037702, 0.08149275896257778, 0.06344645136614094, 0.0972075351115228, 0.07996103330102257, 0.06232952088885863, 0.07422102374301635, 0.08078852884915474, 0.0944905269720403, 0.059518767556880396, 0.06563139157507072, 0.06763356173869882, 0.04568849555997771, 0.09520351344964917, 0.09614675913607339, 0.07091279409467696, 0.04205414139366484, 0.06864254953350986, 0.04689142439812222, 0.07889422858634215, 0.06327946724742112, 0.08749010437077429, 0.09383525010427266, 0.07529207135918149, 0.05079364446803461, 0.0503013525031272, 0.05779380297551713, 0.062210657104725044, 0.05890081055023733, 0.05785362930237326, 0.039054264847705515, 0.039226156353054514, 0.0776501342102978, 0.056065551931704476, 0.07254253022389434, 0.0643861304200718, 0.07760742661734328, 0.061061289499836226, 0.08772695047741619, 0.1041825458738242, 0.07013297345229609, 0.07772368786264341, 0.07299223385128233, 0.08823387141795506, 0.08433616168392342, 0.08848177770757712, 0.05916083068585366, 0.08783017811936944, 0.04856522116131952, 0.08107785582097507, 0.08028690317495264, 0.0638876739442969, 0.054935606086410606, 0.03861143269064497, 0.07867936809704286, 0.07360053097064781, 0.07868551735465326, 0.07333243667897096, 0.06243513288724745, 0.06283331981811408, 0.06749314015456599, 0.08647006015266803, 0.08341826851757655, 0.07985523343758649, 0.08019703705523978, 0.07087070664721505, 0.10402013576019796, 0.08194328301545734, 0.09355868814986337, 0.09926281160109376, 0.07142501296033982, 0.07568674132300116, 0.08321522994221545, 0.08369069511439149, 0.09270090506956019, 0.07865972743989434, 0.07029142995490612, 0.10301156590514515, 0.1155145498744885, 0.08736071358049911, 0.1336723811213128, 0.06841460644239103, 0.08639888824894144, 0.09976992613138241, 0.05554703934253626, 0.008644338020452945, 0.11950136617172755, 0.08453593284839626, 0.07462589997206695, 0.08811227901823801, 0.10156903012863519, 0.11478070028093335, 0.09011862496107059, 0.09920936452848579, 0.1199809746166196, 0.0955292035999627, 0.1175031638078922, 0.09134555586301772, 0.08873719410254598, 0.1110297610955163, 0.06366180677906802, 0.07430307085584995, 0.06029913238561246, 0.09180526503535776, 0.11469205667278996, 0.08516845159787002, 0.11480972252158832, 0.08641218998362957, 0.08317436884016183, 0.09786244060650498, 0.06999601423787181, 0.07582861411689965, 0.07751572300876938, 0.06564738578361778, 0.07642526554624834, 0.07655480776813786, 0.06546671792401555, 0.07692884734555906, 0.07121373462864458, 0.07029622337292561, 0.11000790469345614, 0.059250578746856464, 0.08590584864800241, 0.08847008469799764, 0.08277834642897869, 0.10648018181428186, 0.08117813144992005, 0.06405090444763818, 0.06306205309370363, 0.10302217141901235, 0.0917504197229634, 0.06413983952308458, 0.08812988668136201, 0.07320595743263067, 0.1165163603548038, 0.08510968455419154, 0.08040170593912624, 0.0959218407352056, 0.07034985865112278, 0.0900089684568135, 0.07563009121063344, 0.08159652063089778, 0.14482026288055627, 0.128442989218989, 0.10696792829579299, 0.06418218609812767, 0.06728830085639731, 0.09685071756251176, 0.07608098417426284, 0.06576560558802043, 0.07630470607182183, 0.06770184254330058, 0.1268918296063244, 0.0928536107459865, 0.09324068611931749, 0.10358217290986711, 0.08945485163936479, 0.1177191767277845, 0.07569457543071395, 0.09135626426216355, 0.10596920822543614, 0.08316326177298208, 0.08260047562565483, 0.10703889560252886, 0.15612812223632866, 0.0832037903012324, 0.10933109546586736, 0.09522173785584188, 0.069826896395583, 0.08045154241695252, 0.09891798956393058, 0.09278524435366989, 0.011509293879843972, 0.10157328232334124, 0.09779263097504268, 0.12359278879821796, 0.19717821833278035, 0.08514968776324106, 0.07813410153718206, 0.12710986656314985, 0.08453391170519631, 0.11647670784250343, 0.086796976488953, 0.07972718033188365, 0.09763150517208355, 0.06965362431811253, 0.11692923703225362, 0.13092234696218844, 0.0823525470902196, 0.06450841988837652, 0.061495981883961034, 0.12129405205517209, 0.11391792497967015, 0.07784657976975208, 0.1150697263530309, 0.08266448904329597, 0.07553920808529896, 0.0869275597048956, 0.06835330742562937, 0.08404856262976845, 0.092035044950719, 0.05447267460124318, 0.08559681829797455, 0.05240025966224281, 0.08894087666394895, 0.06788891450630752, 0.08356756622350384, 0.12392103340166884, 0.07090937881823309, 0.137943143484711, 0.11356348367412711, 0.07526565029182987, 0.08827106821857644, 0.07870954882567455, 0.09423216903498252, 0.08374754430226096, 0.10077267466272621, 0.09398322881048837, 0.09720100768458342, 0.07546882357976455, 0.10848944514567646, 0.10967665243444212, 0.07983456815100988, 0.08527617352183767, 0.08919335059457767, 0.08826186870175892, 0.09616454367513988, 0.0754627110163277, 0.07107742548603571, 0.06518903070851738, 0.09188390707774846, 0.05364620222948243, 0.07091758075945784, 0.07038916456056286, 0.10156499957317935, 0.10452906297803582, 0.08037426915008405, 0.047926619108805246, 0.07836843774976078, 0.11978801165063369, 0.09123595038709482, 0.13001536084581847, 0.12809529632575062, 0.14469974576162586, 0.10014332273339009, 0.11367568569105255, 0.10346937438718959, 0.1229831212644313, 0.11945772145080366, 0.10826240338403212, 0.11701583204906085, 0.07928173391344498, 0.10657660006531106, 0.055022028978907074, 0.12957255778943602, 0.08391846629218747, 0.11553953339793457, 0.11010435279195001, 0.09094007499123573, 0.096573019469321, 0.009793820576499067, 0.09295513054947994, 0.06839377585574821, 0.06801926072368629, 0.13578825516541287, 0.08634300225150525, 0.07759180288585835, 0.09394228152964526, 0.07868209383502842, 0.1516196381599046, 0.08699126910460594, 0.07029869033179273, 0.07372764868380732, 0.058483545050334346, 0.08337262626265235, 0.10225407216882532, 0.10270986641024898, 0.05648992568523865, 0.08006782217502378, 0.0818462427128939, 0.0903335890480232, 0.0873774220038488, 0.07701217577006972, 0.0909008311221989, 0.057745476063411585, 0.06905806285282899, 0.06266671899813171, 0.07116897071193026, 0.04815298383139499, 0.061911056071531315, 0.07736977196053069, 0.07494032764974978, 0.0833011409380058, 0.09137182669317637, 0.06847638176038352, 0.08221825880725252, 0.06220378441592748, 0.0928017198472765, 0.06696433162962372, 0.09297141094500613, 0.06094287757187793, 0.06441513699481122, 0.08423274696998342, 0.0817556513669008, 0.08557773676870566, 0.09014298133230839, 0.07483236704273194, 0.0756092029270275, 0.09772222213601835, 0.07426466031251482, 0.06202316854448949, 0.07995299859507463, 0.09368296831622636, 0.055946712721165415, 0.09106208979207218, 0.07610277980763201, 0.06544281821476391, 0.06843684450929345, 0.09171002907906042, 0.06412139518460548, 0.06029815473858432, 0.07824204817848351, 0.06006889374594333, 0.0733321572055799, 0.07062073185357419, 0.07441285173049587, 0.08101676971945126, 0.14791491845246713, 0.07098450253021688, 0.0968547492024207, 0.09755945255181508, 0.10806147585885476, 0.10428613056613176, 0.07183171060376113, 0.1233204194177403, 0.10491922935064077, 0.10279226343210084, 0.11042689922141993, 0.10039139769437988, 0.11497523784769871, 0.08316640045165388, 0.07327483314563146, 0.07491276818670228, 0.08918131180193616, 0.09799902112194595, 0.09192126779801146, 0.06312562094350348, 0.0788945838296367, 0.1362334089698083, 0.015276463840765607, 0.14197183309869055, 0.11914176241238882, 0.1169282040592145, 0.12857662980287474, 0.0952083719296398, 0.0872144211260216, 0.14827075869045953, 0.17033433105724993, 0.14978164294623098, 0.09945408156448632, 0.08391037546103906, 0.09602885538891288, 0.11040099169922929, 0.09356914575200811, 0.13789986559292516, 0.12494198275493545, 0.07036267813691979, 0.10077828869264746, 0.11048193090360543, 0.10442785296060655, 0.06911106038100986, 0.10081974391127678, 0.1136783633846062, 0.06517507850913487, 0.08061578058628757, 0.0838232437420353, 0.1032014067675309, 0.06952026215406526, 0.08296841723726514, 0.09957422287074702, 0.09210157336669031, 0.124973224826386, 0.07984540783893448, 0.07418909924471068, 0.11302715452803296, 0.10448645509560749, 0.09866784211581739, 0.07985918975648981, 0.07378530787385594, 0.09207256295615343, 0.08681448275285344, 0.12231439445879061, 0.05710012117657144, 0.1070572941228838, 0.13926811321612664, 0.09386887029991518, 0.11217856547282226, 0.11351197746692156, 0.09114814899854963, 0.10293881699952077, 0.06242829485310734, 0.1188450696874855, 0.0964412158270806, 0.05133365891293467, 0.08635445967825381, 0.07369890443194378, 0.04270521228422794, 0.07740702314388309, 0.07136849871998677, 0.07896137929262828, 0.06006462227844932, 0.1078728622721555, 0.0797061580594278, 0.10499793882280348, 0.14029229972077684, 0.08720630407823485, 0.10920278780935176, 0.11692623742669987, 0.08378422628805685, 0.1380100633202233, 0.08252363938860674, 0.1471961748514638, 0.11239940963917057, 0.1116847899095413, 0.1438602114815141, 0.12419559225126403, 0.10619081786749308, 0.1068810241121532, 0.1586607183436947, 0.13888124844283162, 0.119465017742135, 0.09402925828864052, 0.09842510944439108, 0.10688868154847156, 0.10150594915900268, 0.08647552596847774, 0.10428018881208365, 0.170258571378599, 0.09530586997759688, 0.010729918525755302, 0.1035673156933915, 0.08672788626314479, 0.0558434544091553, 0.06362654505642147, 0.11267169113903144, 0.0912315313550241, 0.13344574428984732, 0.11464225608783918, 0.07875564737814778, 0.0704727198544419, 0.05841470738636619, 0.08911190127048249, 0.04330444005556353, 0.06101321332528001, 0.13337853555260643, 0.07256209349371907, 0.06112109425840384, 0.0877875995938594, 0.0860812547212486, 0.07610590815144587, 0.0921226722126851, 0.08540108794689152, 0.07253530195832655, 0.08309178492628064, 0.05550937898116232, 0.08929309688132905, 0.059784567081179636, 0.07290821089341645, 0.0424536215057918, 0.09428305298178496, 0.09893857563293086, 0.07540742979840152, 0.06777850074692855, 0.06330383995757867, 0.09722322182916929, 0.052511340436539634, 0.06889344007326337, 0.06456871301849978, 0.10295726394583568, 0.08891677666164133, 0.05598947073381069, 0.11163646093735768, 0.08898457347576853, 0.11083617926979784, 0.10655521552894756, 0.05845132000912255, 0.07170613535070827, 0.07193530542302173, 0.10328501586401478, 0.07981639867813878, 0.07861451633914412, 0.06689259064422443, 0.08543538686038263, 0.07452850391805699, 0.04718818018751332, 0.07388880779371293, 0.08622002046003716, 0.08956546099963117, 0.09236334815866092, 0.060369326026491796, 0.07199828834411852, 0.06502763299455298, 0.10188823858178565, 0.07788113958375666, 0.06065098457865761, 0.09087892701539343, 0.09596360575423826, 0.12113104965246821, 0.10311716900777387, 0.09217327596000664, 0.12241333158907212, 0.1045994796628333, 0.11547798527289482, 0.06482949606888627, 0.08907773775776158, 0.12667915168463212, 0.09100664724803989, 0.1005312382063224, 0.10928116157075313, 0.12225067708165727, 0.08170684616018961, 0.0631285810526905, 0.06753890045591514, 0.0902747275596918, 0.1284509995723207, 0.06995370205031269, 0.10663161164293333, 0.11459010495762208, 0.0838182344316017, 0.09900496667967659, 0.010429899202244033, 0.07949656909709646, 0.07062257843053701, 0.06617308932660246, 0.0813063045828689, 0.07471261414279065, 0.09033848951232368, 0.1214094822787206, 0.07407110266188824, 0.07324616819871804, 0.11614413055514781, 0.11119548097842263, 0.06647820170525916, 0.05184208543502669, 0.056323733839020826, 0.08113857418822593, 0.0584080107013774, 0.07176834952057154, 0.07996710905999549, 0.05236920739101718, 0.08448003502924306, 0.11735426884756281, 0.07460326137852298, 0.06246555349581929, 0.0458720483163402, 0.08450820335682627, 0.06171396146056696, 0.058691805151733493, 0.05756341999591803, 0.06438984296671194, 0.062134871285122455, 0.09492564479701703, 0.09502387312933352, 0.0781020982077837, 0.07833756420131728, 0.07035955229405716, 0.05878558544180841, 0.0659996342824401, 0.08700109838100496, 0.07678224175971024, 0.08049884093792475, 0.07255044384943657, 0.07844610320975139, 0.05685264754680706, 0.05585531948459033, 0.051504330011807146, 0.08958837141484845, 0.06058689667358747, 0.07235489880476227, 0.098813048994416, 0.07396070471199662, 0.06642245342377454, 0.06717552444574888, 0.07883846739791828, 0.05754288165856018, 0.07339642441421199, 0.09349063448699235, 0.07518519488582293, 0.0667812518243166, 0.06590888742345605, 0.05570557885850569, 0.0895324929068658, 0.051526162195135346, 0.09835317200546534, 0.08178881148981278, 0.13025509213066017, 0.080302224600962, 0.06571891206984731, 0.08957313786515564, 0.07871064638082903, 0.11655196733353088, 0.08576302499202959, 0.08287775692367941, 0.1007623036261276, 0.07993746605189458, 0.09495471779209384, 0.07060893934239679, 0.08764727575577669, 0.12036080141322117, 0.10504127911629502, 0.09075899774694672, 0.09397288273707066, 0.09603530646581228, 0.09210875342755569, 0.09113356999817025, 0.07061951378565363, 0.05794231519116558, 0.12941457569373088, 0.08473240709369348, 0.08707062594909146, 0.0931902592280637, 0.060437545800932024, 0.010108470270273388, 0.05939659202070527, 0.0844818562264433, 0.05401213331477205, 0.10428962856985366, 0.1001595792198013, 0.08332448737568267, 0.06762675773693323, 0.05809032987392915, 0.08442478737145083, 0.059823833072852786, 0.06863820236949655, 0.04957645680675468, 0.05618141466994637, 0.053962841891830725, 0.08827534498181824, 0.08817317337855933, 0.049066815325731025, 0.0767333169940626, 0.06369657733270535, 0.07888604957250803, 0.07751865057458539, 0.07329726102286577, 0.06262081905731622, 0.046983135557425275, 0.05467070329777719, 0.07446704339605303, 0.056201285321080215, 0.0825037701756598, 0.030318710771259246, 0.060433860557514596, 0.0601217639327869, 0.04938186117674896, 0.05447299567065156, 0.05416908447680569, 0.052230779279803276, 0.054871256794003676, 0.04722450701028802, 0.05957924900001585, 0.0637151867268898, 0.0649211107317898, 0.06654140765381666, 0.06428973074478118, 0.06826030909544528, 0.06447329379698677, 0.08115873538196604, 0.043039486201113974, 0.07102370292886585, 0.05950769939074452, 0.07765621797905928, 0.054825753512825266, 0.05824505463615581, 0.056534613808870184, 0.055621453625588374, 0.05917763477973576, 0.06713230699181834, 0.09370610672942993, 0.04482274713134406, 0.03757175051999938, 0.07429656270528504, 0.04004964781327436, 0.07413674314756843, 0.06346293087597654, 0.050582141895413754, 0.05757639604290861, 0.062495501029412766, 0.0749895907010202, 0.06404226970747391, 0.08004267998554, 0.08427075861957954, 0.11227334984164214, 0.05658907771052853, 0.09432825079983545, 0.05178117730167654, 0.07313762578324587, 0.09219265373931321, 0.06802366983024966, 0.07183850647091697, 0.08697691992479503, 0.11095027578623684, 0.10503327345618495, 0.07803229113647447, 0.08047653501332543, 0.08368754465783992, 0.07416684945426005, 0.0689575166664861, 0.08770236329450931, 0.09250924600411475, 0.0900487917724942, 0.051872679459629395, 0.07253152886674652, 0.07022556423967846, 0.0617976737061331, 0.008904894066687968, 0.09413457026756135, 0.09165563910051203, 0.06525142273820558, 0.11988046254981677, 0.10907236283930805, 0.0678753399544787, 0.07776494113988053, 0.09425186060810954, 0.11330602741630141, 0.08635366249533247, 0.11016357148284886, 0.09539713774231973, 0.061761863507622417, 0.06747712288548205, 0.09889820962349734, 0.07667776239404514, 0.08315610053822409, 0.061849239217877175, 0.081489897077857, 0.07980872293459337, 0.07201268008268308, 0.07571148862018376, 0.06120364928888369, 0.08069170011142404, 0.05635679757614861, 0.06256503634807797, 0.10511556368843722, 0.07032873276010843, 0.05774520870574881, 0.0894687198486101, 0.08776955829471159, 0.09521171800416145, 0.06644252561452518, 0.03871858057241896, 0.07945288099759225, 0.051448928043577265, 0.07787342690394089, 0.09885020777689987, 0.10491259336452957, 0.08849986770708484, 0.07944987796252519, 0.07239012281441543, 0.061960464174812234, 0.08013320015987992, 0.10070128558056005, 0.07456431423115481, 0.0923077667960182, 0.11785046253066826, 0.09285788759620922, 0.051343712942603245, 0.0764962966961319, 0.08498904018732238, 0.0676226056732984, 0.07785869298501223, 0.0663027323780877, 0.07195611679638392, 0.07432651522641123, 0.08964673831408243, 0.0817136144139456, 0.03980094150728021, 0.0695730258591763, 0.06709594469558294, 0.11080904217279988, 0.07499794064481907, 0.058914218964741076, 0.07913567985184028, 0.13299499021479083, 0.10235477779296882, 0.08649343223858545, 0.11890760420595699, 0.09951167904143686, 0.1039273911319185, 0.07860057796956202, 0.08523192237117912, 0.11906964648689011, 0.11563039528616581, 0.08524621171613998, 0.0863699804157361, 0.08817487884725742, 0.11734070090043677, 0.07069616546170243, 0.0971752220388323, 0.10337677506595186, 0.06668453126437847, 0.10274531394546912, 0.10406283209098566, 0.10714065561723893, 0.11933243597680633, 0.06801627068251415, 0.10937660631762337, 0.07645053172768544, 0.10122140580657714, 0.08335820178935954, 0.009726781521767265, 0.08155906340518757, 0.06599512242292013, 0.07789008727090768, 0.06583480890657509, 0.09863074865290403, 0.05279637403276646, 0.08958911475605302, 0.080759453859658, 0.07755067640134072, 0.0590308728257446, 0.04420106279056436, 0.07932374919096467, 0.035032232368410125, 0.09113348904985001, 0.08197097411814672, 0.07328465402733213, 0.0504561875158749, 0.08030994059131445, 0.09299188272499381, 0.11203807747842487, 0.08659707530871709, 0.08984342110570145, 0.10661414699012181, 0.07188091176738443, 0.06286562565508794, 0.07618523896384764, 0.06488873512611693, 0.0566788155105858, 0.05678675025968398, 0.04207135462771451, 0.0524686158803197, 0.05767656072743984, 0.045163150421020495, 0.053334739972984595, 0.07167355601835348, 0.0641664038567303, 0.09755935341022882, 0.06456002951728954, 0.08112473357018671, 0.05093585933578159, 0.06339772400165705, 0.07154604920424133, 0.06340553273468666, 0.05083216447011829, 0.06805915659581913, 0.0649348556758878, 0.06169008583118837, 0.09154548907946249, 0.05590355866887262, 0.08698459972066375, 0.06817848661549357, 0.09960796940885788, 0.07812565780464477, 0.04910347808250522, 0.05905192781354317, 0.06446135773582853, 0.0673682220957427, 0.06530122148646292, 0.07705683666245194, 0.05992231337910902, 0.051498806591269715, 0.07926465821831494, 0.09285233991005316, 0.0630570267226169, 0.06896736642995105, 0.06722403651348083, 0.10527691724362276, 0.08935724223376902, 0.10362256509847385, 0.08157161606529202, 0.058770585690885446, 0.09330373842409641, 0.09500904928659488, 0.07230518449638199, 0.09767259320529598, 0.10170563495135462, 0.07774406972998221, 0.07261790815660965, 0.04708287102166588, 0.07922389742086966, 0.08520585724058886, 0.07261175466888828, 0.06326305676244803, 0.07905027223447841, 0.08486403180475807, 0.07208945527749167, 0.08754995336673307, 0.0798121790074646, 0.061633415303245793, 0.09459531095750656, 0.10814290893452595, 0.08797838239841471, 0.0597939190068844, 0.05590835052564265, 0.009322158362726056, 0.10786782866145705, 0.18221533951989005, 0.08110190846040295, 0.14192311255141854, 0.10406244791034636, 0.10982528254310728, 0.1289168656082561, 0.12341979342412171, 0.10043983172452871, 0.05591599631652468, 0.13599132859912674, 0.09111231514163035, 0.09865713966248538, 0.11808557620831, 0.09174041036071061, 0.08726146096056833, 0.0701192578933318, 0.0765142437087977, 0.1140593554859228, 0.0777371274639687, 0.07621463117744318, 0.0896238142087778, 0.0967728188656067, 0.08369771592999986, 0.09679129987616236, 0.07974165311224128, 0.07818459368180798, 0.0854643658912459, 0.108707560909707, 0.08658867061976104, 0.08431009558146747, 0.07241540166155605, 0.0994887643208201, 0.05997472793589193, 0.0970734391279753, 0.05304506423361638, 0.05920659032568081, 0.09112848426854407, 0.07408145567200586, 0.07273218938536469, 0.07312521504071949, 0.082610508579163, 0.07290718545070668, 0.10521932923239383, 0.11103415309566433, 0.10845918732842764, 0.09055643309670584, 0.10448665887663658, 0.12890494729211638, 0.0798154131813935, 0.1140402337398985, 0.10888024639634247, 0.07310773845753825, 0.07549078575980758, 0.0864821023070862, 0.07576978261241253, 0.11397238230715025, 0.12079163680566173, 0.07484416701157287, 0.06785791656132825, 0.09194848467612504, 0.10329789939912513, 0.11069381791737468, 0.06676594553019535, 0.12848418788371024, 0.09980793464947757, 0.11980605392043726, 0.09006604886321529, 0.09337376955063446, 0.13624789793516107, 0.11014282042426438, 0.15214754903389188, 0.10878239298075086, 0.1035020437427824, 0.10497483697983426, 0.11318635132157182, 0.09941567913646862, 0.07909006823567583, 0.12272993476114696, 0.1326859913360559, 0.10307245338463988, 0.11704152181855353, 0.08668142143743306, 0.13980154758087643, 0.10041156789530309, 0.08784372457534367, 0.10000579913167185, 0.1265763186876265, 0.11215089865815339, 0.13666637454619487, 0.12350453791341551, 0.08622131782263714, 0.08117139996558184, 0.08505201611192224, 0.11279726763126469, 0.010617024516479738, 0.1070400765037575, 0.10306337478597859, 0.08266617845089524, 0.14108736391254725, 0.10359978539722793, 0.08585870489641009, 0.14331180647770922, 0.10141274359750252, 0.07321732991851693, 0.08620153660466914, 0.05785499279683799, 0.06730340687441971, 0.07039587574682107, 0.13239781341704548, 0.15017236514843257, 0.11253263292102665, 0.09559383142670799, 0.07980476264657341, 0.09683423490540316, 0.11417293516972565, 0.10684082323497149, 0.10906712305399971, 0.059442246316058184, 0.08239383849928124, 0.07731210322306702, 0.06462118021336341, 0.10715812288667177, 0.08470593863997655, 0.05747032259018762, 0.07747133700903813, 0.09752116070665595, 0.06227577375277595, 0.09075669907158858, 0.06228052602172501, 0.11797321619068998, 0.06469330508639955, 0.1276154951342496, 0.07688680211142299, 0.06866314981808903, 0.10464759152542095, 0.08112551546614451, 0.09453754259815245, 0.10678530835744773, 0.08356332222102505, 0.14112831657789726, 0.07465606425471216, 0.09393901972999943, 0.08424831597947277, 0.10624259149745574, 0.09520414452309257, 0.09951154832823103, 0.09202788731324613, 0.08636576495077444, 0.07008549649431611, 0.0806548792067849, 0.0947587258033604, 0.08395946449638733, 0.10037283052844907, 0.07696645636222021, 0.07165567303061533, 0.10807010496542455, 0.11104794149297256, 0.0821964900696475, 0.07356556780430407, 0.11211626427092022, 0.08035109936693534, 0.1337626949711029, 0.1283295978843721, 0.08310257767550647, 0.1000934244784355, 0.1449638052485774, 0.11334395658219892, 0.12515172872360825, 0.15661478944387963, 0.07887475465093834, 0.09833364889893811, 0.09329347133763471, 0.09825645756018643, 0.11566938698177164, 0.15540896891573291, 0.07828615284821588, 0.09722679686255353, 0.09083876126916883, 0.13970617228936968, 0.08083017844934925, 0.1005599879447005, 0.10059090515201406, 0.11783622123448648, 0.11918681370577101, 0.15944893416406972, 0.08741700777210054, 0.078899576008044, 0.07273400464070097, 0.11650949093235405, 0.09546613480201488, 0.13914250715958926, 0.010351587511880984, 0.059652325671050804, 0.08902185397856238, 0.047880832611497476, 0.12354852786196194, 0.10185942678888675, 0.07750492608661363, 0.10718488624804967, 0.0858275263307321, 0.10428887924425634, 0.05710256796191577, 0.07609110200568953, 0.06606701803411466, 0.04697026111886811, 0.05895847116959387, 0.09754327874989926, 0.06900046494172837, 0.05248349231918155, 0.0768481971102043, 0.04533409838081179, 0.07755073405254412, 0.04352125073146155, 0.08383429006442325, 0.06647619464301749, 0.057297121055664986, 0.07324494973101706, 0.06396689381833895, 0.0878106663670168, 0.05193816002421518, 0.0526708607323403, 0.09121399123166107, 0.09191495835810598, 0.0794142145630646, 0.060211785157617756, 0.061171978567010316, 0.08580556714743566, 0.06605449238011032, 0.06777416726987065, 0.08656948211030929, 0.07382947217232085, 0.04146236134686478, 0.0641733151851632, 0.05603239885428984, 0.03768477715245742, 0.07340748629847202, 0.0668168958782861, 0.07051809241307859, 0.0905231133844182, 0.128358530003513, 0.0752208507775299, 0.05875290755403142, 0.06549411844724215, 0.08470118891519055, 0.0873417782460209, 0.057891953597558096, 0.08421967494735388, 0.09624512991636153, 0.07677813214106635, 0.06668096517707833, 0.07833639628266853, 0.04943949576888984, 0.07308805038284442, 0.05609104947604512, 0.08908747011713558, 0.06363370547025445, 0.06833758415858378, 0.04534303259655091, 0.05928014608863011, 0.1056758614509721, 0.06152235373756441, 0.11761989261712093, 0.08804425137644821, 0.0792314164909872, 0.08446396729505312, 0.0949433825564362, 0.11033630626379178, 0.08689302083630869, 0.08248222892525135, 0.0885911326045321, 0.08336571605266753, 0.07100745745174997, 0.08192099926409739, 0.10068847001306587, 0.05244374303181547, 0.10091961441632315, 0.06931044164362687, 0.10297894402443714, 0.08925222315121, 0.1025989318072819, 0.09039243990532687, 0.09176447015459813, 0.08763429365800954, 0.10164226170354344, 0.047776773323312, 0.08570889650739424, 0.06786630403599994, 0.12449683910116226, 0.10650566639037469, 0.008802091051897009, 0.11513237416726396, 0.09025097959444996, 0.05813026100011205, 0.08980574673498974, 0.06672977313368471, 0.08683375879260855, 0.12181078460566394, 0.08116513147630088, 0.08289279792155443, 0.05625247214149247, 0.07351855005313013, 0.07043408263294851, 0.08906090103135496, 0.05620839067889263, 0.136013995389119, 0.10141604123914058, 0.05665156685201725, 0.09298323151138212, 0.09665940165674407, 0.060817379218228065, 0.07177821753811994, 0.10211327340808504, 0.0768979228990763, 0.07444283888281014, 0.07556432132431867, 0.06071957521982497, 0.08356837184455079, 0.07260852659942457, 0.0742012522280569, 0.10079162027438685, 0.0912781222349244, 0.04169958553670709, 0.09782600636457672, 0.06764536373603827, 0.07440908147930593, 0.0692738667709881, 0.0885729213329051, 0.10997543835021291, 0.0911327619671119, 0.060025974212387194, 0.08285496695204017, 0.05887339177536455, 0.07769520932776679, 0.06067038434911817, 0.07700451670470043, 0.07107192802271592, 0.08574356418856693, 0.0690319750426926, 0.09681087215853801, 0.11338553502149179, 0.07118685855793735, 0.09103532719752844, 0.09902063679240239, 0.07620172107787261, 0.09464359951494608, 0.08977031765499965, 0.08608265080096983, 0.0635199860889083, 0.09614543103426466, 0.06747832565012539, 0.09344489756140016, 0.05990807793670049, 0.0807445271914062, 0.09303469307036649, 0.08059133451108076, 0.1135092440409684, 0.09923970450301961, 0.09923266829271898, 0.09179220627793218, 0.12557952395541838, 0.07735597601273907, 0.08976084476780524, 0.09609219851027186, 0.12086180224601745, 0.10663960506467086, 0.10835337773775153, 0.1031787639514391, 0.11205349033023108, 0.07477034656847233, 0.13042268262818835, 0.13974075111621306, 0.09481419897444691, 0.07204308389567593, 0.1048540242313644, 0.06716372091925307, 0.09747165125500679, 0.1342086871086753, 0.092470146113484, 0.08880695423415694, 0.10609953339060597, 0.11064655557999734, 0.07907200146567159, 0.06867637933841964, 0.14040527036094586, 0.05263319113641109, 0.11011422178378899, 0.08835751093091568, 0.0769731109372925, 0.010224772816450817, 0.10301941375356857, 0.09835168919540149, 0.05976695644622348, 0.08371116077844813, 0.07429429577348032, 0.052773143070054505, 0.07488180796793611, 0.10005382604573543, 0.07627898517599993, 0.05829953002473235, 0.051540873174975424, 0.08062355504719641, 0.05137161213842533, 0.06806168514069931, 0.09514066316614667, 0.06430663987024743, 0.05916341345253187, 0.08327777906649067, 0.09630687853344054, 0.07116478171465075, 0.05832642042592365, 0.06854561742109488, 0.06862747802575316, 0.09853198944480554, 0.08875106594990573, 0.06773148323068681, 0.09247476491647848, 0.04168668530566118, 0.11827512951223995, 0.05744997404007417, 0.058768828068371186, 0.10925849482815407, 0.08497643500518817, 0.07537316635232243, 0.0706489914982624, 0.07682786377346315, 0.06053151148711522, 0.08136469921069203, 0.06331558861022796, 0.0740604224893336, 0.08110019251806058, 0.0861854546246916, 0.06495243401574285, 0.09262106348350192, 0.056740636584201226, 0.05379777782599184, 0.052622196106780594, 0.08700153672950635, 0.1035283488555014, 0.06365769131260915, 0.074165569536341, 0.07598377780175311, 0.05278152950062913, 0.07617461739432782, 0.06974998685953582, 0.07792472830485879, 0.0478945319712398, 0.05953910087603582, 0.08316172194289628, 0.05509362695150864, 0.08816561865590483, 0.06598425499255207, 0.1061338461440199, 0.044028209981643335, 0.09129447834477442, 0.07467486249442698, 0.09064039349936981, 0.06814349121251218, 0.051489435281356286, 0.06192528587684952, 0.0653679690759978, 0.07142716826058128, 0.11869538213431885, 0.0872227328821893, 0.0961765334169291, 0.08021837871070016, 0.11737002383500447, 0.10977898714355513, 0.07488413663148502, 0.08543063612205412, 0.09031795297186786, 0.1054064311575692, 0.07923300163002579, 0.07457545924966624, 0.07534382472909044, 0.0590659190979076, 0.07120410483307979, 0.08130360282823751, 0.08265300999694136, 0.07599342511796194, 0.060466572167805065, 0.09010346949594393, 0.06017546562326024, 0.0747766257124068, 0.07926743951532762, 0.08227724451809224, 0.07092549514280799, 0.04646186350639503, 0.10990274931908221, 0.00757898228732809, 0.060084965624679625, 0.07303273658618727, 0.06809283824723081, 0.06854926545391654, 0.09534108782142714, 0.06291617813184514, 0.09391126521774394, 0.05337499692528825, 0.06629064403943644, 0.038257796724243384, 0.08156422066018429, 0.08330039725150697, 0.04547502569647158, 0.056423084475886606, 0.06311137741322559, 0.10156799107034853, 0.08130319525430033, 0.060542957511763626, 0.044427863521175864, 0.08320055775600338, 0.08508567714661294, 0.07038913530383688, 0.06907924181801942, 0.056332268146129974, 0.054365732434847346, 0.045023990509389024, 0.06769115952297569, 0.06754620525095108, 0.05858085371592125, 0.050720556412054946, 0.0676050902037278, 0.05923927681181987, 0.06511324121159295, 0.07240658386562433, 0.06914585797121856, 0.05804797723524584, 0.07858519331283031, 0.06962032861998073, 0.06915093651056503, 0.1005431097005283, 0.06782979486840907, 0.06857289928744043, 0.07059590181852893, 0.06422154550893965, 0.08144316475465863, 0.09507075675938176, 0.056165035901557775, 0.0483382889946789, 0.07696570612795989, 0.05788134798784811, 0.050918066711520035, 0.07305144317865847, 0.08325905117211327, 0.07795556484470345, 0.06695904842951736, 0.09074364517288824, 0.04678302902846927, 0.07274519298306138, 0.04293659847648165, 0.04536990636938429, 0.06915324996612401, 0.06224532669714453, 0.05384343351441359, 0.06803805606083929, 0.06126611435910263, 0.06708585405832085, 0.05732868004309895, 0.08739425748166282, 0.06848323836996247, 0.07735111336532177, 0.0870080203170463, 0.09380475577043328, 0.05837182384235872, 0.05243653429104291, 0.08654341477353686, 0.05436799927553612, 0.08153295481530504, 0.09057169367706518, 0.0640005890091884, 0.07523696505617589, 0.06836911474798606, 0.05350136057010005, 0.04811998746280704, 0.0788516816719998, 0.0739616986899464, 0.07338306074341852, 0.05172265027301559, 0.07200722056740798, 0.05871104478739615, 0.08068168265345108, 0.024379014135489912, 0.05250795517433333, 0.0811332285642026, 0.05248440086990135, 0.09203399338094863, 0.052374995892830775, 0.0794098231911968, 0.08412804048647213, 0.09352753725118722, 0.0771391989635826, 0.012985152128946784, 0.14187702252860124, 0.11864955460312325, 0.09202943852076974, 0.12299799256009103, 0.09482643558938902, 0.12371491785694652, 0.13366422639209896, 0.11139504655362023, 0.11209383692832552, 0.09388801581065653, 0.07288933667394494, 0.0981778898438726, 0.06356602771874392, 0.11760966178831331, 0.12855535247052102, 0.062048981578618614, 0.056081711711487826, 0.12576736585160808, 0.1011542312161259, 0.0654063344810771, 0.10451609612645907, 0.0809500988363516, 0.07600962533100432, 0.07854270468819508, 0.08754456233056204, 0.056612757219629675, 0.09667422456589558, 0.05442170367057466, 0.08783554777373144, 0.054721038862422966, 0.11119143460800768, 0.08550871583060579, 0.09966857237843617, 0.10879513419486148, 0.09466796502701393, 0.06681104629785917, 0.08358153670059093, 0.1233533344157218, 0.09453653739209097, 0.07086206651361587, 0.08759581418837685, 0.1015155454020335, 0.08967461049085831, 0.0805893876513678, 0.09076666900745756, 0.05811729231372724, 0.08293435274302632, 0.11178969633102974, 0.12044883317854083, 0.08730718019342223, 0.10377732832766465, 0.09983820201446919, 0.08430690927936844, 0.08621366154830602, 0.060893468652283525, 0.07350764020624803, 0.0666042625162675, 0.0970156868540669, 0.09614906354625377, 0.07510474836000741, 0.07930230707932553, 0.0979890603839895, 0.10582141441000158, 0.07622768208223234, 0.07218535143405311, 0.0844605230444832, 0.07910566802952479, 0.112418638254836, 0.09815178157187132, 0.10955782104855237, 0.05409311087751315, 0.11276682261473353, 0.0953033386596775, 0.11864284294057517, 0.07992595516375725, 0.12053706274887764, 0.11190325711481143, 0.10559871841254971, 0.07369089609855994, 0.09507262325349627, 0.10822099649102446, 0.13928903850022345, 0.07855367583404722, 0.10002628898021948, 0.09149367785262869, 0.059528253195218095, 0.16023982343290238, 0.10915555122326419, 0.10850931947053086, 0.13135566860176573, 0.07780045226141047, 0.06157661964378175, 0.06656239991064386, 0.10393960019868739, 0.06660596768459341, 0.1299534640564522, 0.08703508655638223, 0.13818372992872707, 0.07685190917855231, 0.07582702611947319, 0.0757692595121345, 0.011074849897089543, 0.117806367109832, 0.09979290855977645, 0.09362955356118195, 0.11684270152650655, 0.05593025738385627, 0.08037364647604431, 0.12573247481329058, 0.11213063383768862, 0.118223337486762, 0.06910607788364109, 0.0906874258412423, 0.10629695254226887, 0.09550343480732963, 0.13927095338442008, 0.13012862061399605, 0.11552482596947683, 0.063982185831573, 0.0741622346847366, 0.12494220842163363, 0.09850232703870929, 0.11758099840598701, 0.09210154842312862, 0.0953661745000943, 0.07889087755977385, 0.07692165615605544, 0.08451785391400496, 0.10805577076514868, 0.08287513400931082, 0.09388933200102567, 0.06426955080129201, 0.10695590289054958, 0.08830241483876963, 0.11819382511300906, 0.07293094559338056, 0.08292549391722728, 0.1104278324089712, 0.11704886431579112, 0.08793529417343883, 0.08556253715078635, 0.10036899467902709, 0.08477132194086212, 0.0944580105319392, 0.10448308543584289, 0.09465043438868928, 0.09831188004026284, 0.097310057846337, 0.08788892070697295, 0.0941497698341198, 0.06831048679167379, 0.14201655588251946, 0.06683148312757836, 0.11385996660728549, 0.08416035074680059, 0.07143185511055755, 0.04880055854413062, 0.0943387104768429, 0.08919232041833851, 0.1031289759814137, 0.06364633115386875, 0.0884270120917239, 0.08416555008011345, 0.09893639938190849, 0.09895769287648776, 0.07136092277205662, 0.07683599600080643, 0.08496046045150457, 0.13596580930050903, 0.0831806225204624, 0.1346479700807328, 0.1002100030692738, 0.09668870969234715, 0.1041011054156327, 0.08935743015272933, 0.11106570522829287, 0.21380390367020885, 0.12332344120217215, 0.11670069611827442, 0.09724060445301552, 0.1287059064462071, 0.12806580949884072, 0.11196964467326978, 0.11561586589237785, 0.1174212779104264, 0.12011588144766654, 0.09376293881314385, 0.09823463236309161, 0.11919458843860903, 0.13436860258175357, 0.11620348626810106, 0.1465575454110874, 0.16260692442260527, 0.0874366542916414, 0.09113269815081787, 0.17047044963204924, 0.07116145551795108, 0.10895265828235762, 0.09807417148135134, 0.07904978575720892, 0.16504783214155216, 0.10863003088006853, 0.07092511180788127, 0.06862425684636286, 0.009325620696120852, 0.10769860506802137, 0.06179420942242207, 0.07171233659749174, 0.14110345917397987, 0.08935084459307774, 0.06120240664549603, 0.0875838740665188, 0.10660913257619982, 0.08091923420121927, 0.043552123145219196, 0.07336362218956294, 0.06643764633249855, 0.06365473793497002, 0.08514584677713738, 0.09151026683493599, 0.09980130998701325, 0.06244138621395641, 0.09485616164988195, 0.06979776068542048, 0.06832452963116531, 0.07052982608633807, 0.07397713024622632, 0.07325953627782457, 0.05224693845040609, 0.08218592080221304, 0.06346857970722508, 0.07872243623841238, 0.06090191445323763, 0.06695241936897786, 0.07914946969701911, 0.06528622152620454, 0.07742490939437642, 0.07945538888136619, 0.06660830363675005, 0.08280023647539231, 0.10360679135982931, 0.08172014976603013, 0.09529611277488632, 0.07637933831907695, 0.07590741567809393, 0.07069063966640464, 0.06702085206034866, 0.05847853704864116, 0.09336591683783786, 0.08993523950744337, 0.0659524401737391, 0.06409986495548613, 0.07754943140905488, 0.08361636908131433, 0.060756844367521615, 0.09607678675845047, 0.08860518087163172, 0.08762211290205348, 0.09848617536366028, 0.0590371618319902, 0.10012969444133571, 0.09696038678474173, 0.08856224250044001, 0.06742783121687694, 0.06224300554806379, 0.09340583464511651, 0.07933054511101462, 0.09336603412908866, 0.06982891771783378, 0.09539603009609743, 0.08760412656275257, 0.13812026709768327, 0.10863130612297228, 0.07297826113129242, 0.11579131762313905, 0.09911266312663938, 0.12166280051983278, 0.06407978653627067, 0.08464798267694823, 0.08169513300524467, 0.06462272410331246, 0.09371558412447104, 0.08575855170062642, 0.11782512232091305, 0.12562596025990078, 0.07958087268346885, 0.12077077920045357, 0.07848200724484684, 0.07285794942442794, 0.09402053104623939, 0.06080609523079643, 0.10143580471921332, 0.07771504455728645, 0.06635760663007428, 0.08701690389553828, 0.1254208368087113, 0.07729368071118106, 0.06545624342500322, 0.10506147273593797, 0.0695238559357393, 0.06744120390677977, 0.10550309521101262, 0.10803385449820475, 0.05996725858705479, 0.06455284643661292, 0.07598228748515574, 0.09646894098656636, 0.08477156618305479, 0.006944567503247345, 0.0604753955654458, 0.12248689355758856, 0.0625317496946094, 0.08912630901075295, 0.08848653162758673, 0.04307524275202988, 0.07195468638895762, 0.08154312707494743, 0.09456683529710937, 0.07691240576995163, 0.04192162261227001, 0.0918722563143082, 0.06075625149669951, 0.09503086732384064, 0.12015076356342279, 0.08761641068801808, 0.0554009055928704, 0.08001416284886692, 0.08417454893297939, 0.08278879511432698, 0.07419983806301124, 0.09562112682112656, 0.07907197678297549, 0.06187275429564222, 0.05081092979989023, 0.05288675546388426, 0.08016317594091829, 0.04590795978228574, 0.05926291278956471, 0.07502598795559609, 0.08035311821112388, 0.0613020262399938, 0.060240193726889706, 0.05475749913797445, 0.08178345546936602, 0.08119805427057125, 0.06706169171223683, 0.06824447825356425, 0.062374748325231405, 0.08299783393910104, 0.04907698878809566, 0.08849953392175, 0.054403675612447, 0.08029140386986311, 0.0838384756488835, 0.06554313850652774, 0.0874132619343745, 0.07945134151881375, 0.13159715854012669, 0.06703289415476706, 0.051663845559794586, 0.06476969908706424, 0.07968437218710547, 0.0647578073343939, 0.05501251519964786, 0.06005449923437342, 0.0627192118957694, 0.09092313365108076, 0.09763426139469654, 0.04608460301217547, 0.0592909660377211, 0.10720601465204205, 0.050513554591419686, 0.07369510506566035, 0.054164212889029506, 0.08732716461058572, 0.08038559655602662, 0.0946994639761595, 0.05684369537647051, 0.06353823794756533, 0.08779647466360957, 0.09514449911109762, 0.0956503496190127, 0.10033864903803344, 0.08510184406021967, 0.0842912515312998, 0.07935518298682792, 0.07066296141921499, 0.12015896154059014, 0.08036688367113969, 0.07073533671714315, 0.0754311332477185, 0.07361698598832578, 0.10603848042123343, 0.08846116989527769, 0.07990918264755191, 0.08885717312518791, 0.11905674482186379, 0.0764820554480775, 0.07366822333927939, 0.11502977289290663, 0.06935811063129534, 0.07340600717763988, 0.08217983036044876, 0.07551006248573883, 0.12664827465928136, 0.0786794593115202, 0.0856685652886574, 0.06100056948282266, 0.06717169378436835, 0.08571109197398041, 0.09797477752171012, 0.0956337667087108, 0.0919229394563138, 0.0053588172387924946, 0.09599686095930422, 0.06368676022511774, 0.04171501371574138, 0.10240119949694457, 0.0729727563290303, 0.08066635626915036, 0.11680309950346691, 0.09080207008814298, 0.09397128158931567, 0.05867523578291135, 0.05202547352939509, 0.07236374916619392, 0.04701320796651037, 0.08718817673641324, 0.053706850789430216, 0.06658936356696982, 0.05389900565308773, 0.05512796921031287, 0.06075925168726129, 0.07209693187995092, 0.058607761452893134, 0.07882188682845742, 0.07519088117161536, 0.05265882768425887, 0.0717488831805416, 0.04197415701045207, 0.074693174502322, 0.0738460200217531, 0.05189963323094748, 0.04796333774760883, 0.07190348029942115, 0.060904038106139244, 0.06617462112848821, 0.07488619639643092, 0.07879405775417943, 0.06460567253613865, 0.08910120460689495, 0.07634498773267445, 0.0634459436551271, 0.05566309275468073, 0.04843412596657945, 0.05843949036376234, 0.058058915398210675, 0.061305884875317476, 0.08268436693058938, 0.06806292637826444, 0.06520076481196893, 0.07329713168952401, 0.052668827968676134, 0.06517872935555637, 0.05919891938295253, 0.0878498546726969, 0.06385795653894814, 0.07675007310469881, 0.057509084918979395, 0.04496038865678092, 0.0532594567201127, 0.05608112076568195, 0.04321702326021238, 0.04391265089520928, 0.08657400726089937, 0.05624641232430267, 0.06175262308803603, 0.04940844594232713, 0.07940775630614848, 0.06126839454803376, 0.08718872273830469, 0.05809238895183901, 0.0580945585802336, 0.12596552035390204, 0.10642134189793692, 0.07641366624762738, 0.070615764393249, 0.10321010784602586, 0.07003270564734813, 0.07354384300783194, 0.07348765795407872, 0.07992115401976947, 0.08607184955800311, 0.06594408274917309, 0.0636403435936918, 0.08401206713306644, 0.06824435186782582, 0.07630094626768984, 0.09266412281577018, 0.0781374194617587, 0.07088327925644572, 0.1024842670737411, 0.10051864048105914, 0.09880365811450244, 0.0717360066443738, 0.07624917388044464, 0.05472848331564365, 0.06713765969905358, 0.06559585894425349, 0.11582672913058627, 0.07317582995795513, 0.06647279674502843, 0.06040058549277673, 0.05379862825566775, 0.058516754194761676, 0.06499707164927544, 0.09088143471834384, 0.07587235762614747, 0.06885262550221555, 0.011709302110808974, 0.10750462138088579, 0.1287245545603018, 0.10289445520173009, 0.10514116115692065, 0.0922463414485139, 0.11160713411839815, 0.10859628095337982, 0.10235418963956613, 0.07395082275996345, 0.10568876588083567, 0.0787699662508398, 0.07482981802717849, 0.058506992667823936, 0.0889525391966364, 0.082234486048804, 0.09783479539250346, 0.07634960410700475, 0.08330637605664037, 0.08302588930468059, 0.09942474622510886, 0.09289477533666583, 0.08022028578669578, 0.07714539050936534, 0.08406148990061245, 0.07309543145558405, 0.08463511872840918, 0.06372926710609284, 0.056167650130267886, 0.09110457373015748, 0.08754160037983302, 0.09666549947036211, 0.09292752437714666, 0.08114358481089909, 0.06722517040149367, 0.06879462877503795, 0.06839274889012509, 0.10462985237718422, 0.09772652759223471, 0.07913995023492322, 0.08583120495632392, 0.07583651704166214, 0.0899164805977791, 0.08703918623287343, 0.09185727224401272, 0.10310679674860079, 0.11392818758076922, 0.09980925430128915, 0.0908871845079508, 0.11230461793317494, 0.06928956525736603, 0.06200607486927992, 0.1141662834780018, 0.07828546696491695, 0.06241287527692109, 0.09462392660136203, 0.09783829735443764, 0.06130757006894968, 0.10766732694504169, 0.07527749487588253, 0.07450462359210139, 0.09823807734650114, 0.07658922894768595, 0.08828549924970834, 0.06953995797314158, 0.11903238369423916, 0.05824743755095611, 0.09017672536743755, 0.09900950646215721, 0.0813238597687038, 0.08873416272270587, 0.12889288482658728, 0.12019053477576926, 0.09182616493243556, 0.06386942545766303, 0.09910653332032231, 0.11087361551478145, 0.1169412974815327, 0.09494101520718393, 0.062247828846820605, 0.1366016659255245, 0.11904550274585199, 0.08794757191556454, 0.0876251267190409, 0.06504348949184324, 0.07817665993762904, 0.08985261848470052, 0.11404755613742924, 0.08566701554821693, 0.0685775808797132, 0.07607187961165901, 0.1028547305910778, 0.09037950419554977, 0.06700763558214445, 0.10521293223642941, 0.09109479846231425, 0.1388358399527073, 0.09705624415925611, 0.08204355976636013, 0.07394779849516606, 0.06308627757224738, 0.07775746120722278, 0.132817885045379, 0.11789317879674766, 0.06713583280397059, 0.0993708476213358, 0.09610362645718906, 0.01190950462183702, 0.0722323031359284, 0.06576654531000464, 0.0814572728966867, 0.13304105485693904, 0.1083469102117835, 0.1055544588675375, 0.08060979586961584, 0.10370852423063108, 0.07697205459844947, 0.10307874899813123, 0.06775140608018634, 0.06188645482012123, 0.06936020818965309, 0.04516873030603824, 0.11941211822674774, 0.10953210845977476, 0.08458478844953765, 0.054642780847176685, 0.08001750657538095, 0.08725817937437799, 0.0838148813613038, 0.07400481195057707, 0.06946973264541301, 0.08461022649494235, 0.08776393778893798, 0.07165774193076074, 0.09611852116152267, 0.08161142234060817, 0.07699491139189499, 0.08108462806521112, 0.060449931364038104, 0.06191529517899151, 0.08297429314654695, 0.05745841600477973, 0.06917512781495773, 0.08489300726214989, 0.07702895294478203, 0.0864442365495926, 0.10672868585641186, 0.08959898837347449, 0.072575263628967, 0.09613925160414334, 0.0808258668534631, 0.08888469470296909, 0.11568839639282542, 0.07407167073039737, 0.0879775620272916, 0.09470750404352485, 0.07430951554993112, 0.06967262975067003, 0.0855670729947668, 0.057667654663583284, 0.07113216895926969, 0.07042990432865563, 0.07090129947355991, 0.05619945169513243, 0.06664658058323891, 0.06484638902041345, 0.056526045858901586, 0.0689598376172612, 0.06372964786023348, 0.08402077154420996, 0.06791569511827909, 0.06846365482874422, 0.057222070985368044, 0.05644940478611386, 0.08270348714807069, 0.06510918664544726, 0.07678090282555396, 0.10050051796295684, 0.07763014895981746, 0.0890423568090256, 0.04968604256771437, 0.089788592078513, 0.09623978534265103, 0.1075514313419164, 0.09696998698451971, 0.11974498975628328, 0.11008132271626767, 0.08864220913904175, 0.08806834716938372, 0.10801732265907181, 0.059353344265790586, 0.08337654808949176, 0.11785573388834826, 0.0577819947106505, 0.10052034045359914, 0.07761837109732633, 0.0945943007079647, 0.14985902257299583, 0.035853279416770564, 0.06767623801591183, 0.06403955314720519, 0.09707814366013187, 0.08228155616761844, 0.07766455960832389, 0.06713126373173958, 0.0734387420141598, 0.08116848132951861, 0.07685814740738095, 0.07261971790824323, 0.09952849144147198, 0.12020342100076117, 0.07206080252737042, 0.08949194307243286, 0.07262197621591548, 0.09725886408265125, 0.01215376802941157, 0.10010086836193338, 0.1094357674244633, 0.12122703849945406, 0.14079874070473292, 0.12148722586625857, 0.10143478883008594, 0.0897082071984696, 0.10767528343895338, 0.13247328462044206, 0.08725118949753043, 0.09566724093692325, 0.0812679199637561, 0.08338440969003172, 0.09287716232688398, 0.08859957029904361, 0.11923373872818457, 0.07090120592513025, 0.09563587889754985, 0.09943088191151242, 0.08661058052216926, 0.09459532265257582, 0.09909908396089205, 0.10970474431935746, 0.07411442582332134, 0.11456941852140527, 0.10350937331390621, 0.09986414732420665, 0.09051850379241808, 0.07140643909148466, 0.13172605282979286, 0.08392976814438655, 0.07706451079070772, 0.10841912259246356, 0.09009426301127109, 0.07136870074495408, 0.1032562013993662, 0.08804439356063723, 0.09584868180680305, 0.10044584515142724, 0.10243509266277373, 0.08092314389142798, 0.06772446082657765, 0.14802955592596373, 0.08552316425854954, 0.09375818267434881, 0.09167649444553495, 0.09986780376632118, 0.0997983777117973, 0.10941341188847566, 0.09502377886649835, 0.0833330390001987, 0.09109521673048081, 0.1031609095414138, 0.08926324094658655, 0.0709480854260977, 0.12876573187237147, 0.09744087784716053, 0.08897272780773789, 0.10452426362928267, 0.06255372932292047, 0.06545716030812887, 0.07676574428547461, 0.0613310333150191, 0.08571357408471342, 0.09627222606625553, 0.09867808121192277, 0.12742431584092537, 0.10841554508055853, 0.1168943001108072, 0.10283859581197036, 0.09229209316011976, 0.10455868962015571, 0.10181310020392982, 0.14468419451477474, 0.11861465684279718, 0.11193497962196473, 0.07869708130659384, 0.13447857570608074, 0.08070643467910929, 0.14353899626282096, 0.07754794684484453, 0.10818221693329746, 0.07735210804846375, 0.10909262545788549, 0.0914790233384193, 0.10980041448805603, 0.08653786959714105, 0.13050252267675114, 0.09039388077505665, 0.11339550090707147, 0.08468132782117806, 0.08105543440863121, 0.05645885789531837, 0.0831460158660775, 0.11302863567328131, 0.12992488444808029, 0.1207449998767525, 0.10459415744172951, 0.0871071162443881, 0.0925669803821665, 0.046048891771148924, 0.0865040082982996, 0.11659861502661076, 0.0860599473092146, 0.0997551610495358, 0.05882207178674201, 0.09684129427772069, 0.09461865210906825, 0.010007646460850492, 0.07651688448451834, 0.07778214111646384, 0.06824047999859753, 0.11515733784500479, 0.09752574042554965, 0.0660750288117273, 0.11358180174257745, 0.10257849403030567, 0.11988098035833758, 0.07468294461094552, 0.0669307510292336, 0.08991234195749845, 0.07790084516207205, 0.08545188154993906, 0.08720475154484761, 0.05592216188871004, 0.06804597055870294, 0.06771491595165914, 0.06479247299082086, 0.09772431506204649, 0.08007651051810397, 0.06523794703134755, 0.06909811494260129, 0.0702204191887554, 0.0653245474590914, 0.05946782615530584, 0.053552437758513594, 0.04709587530328274, 0.05462683957334169, 0.0451042998915342, 0.06541382025440722, 0.08024881778137963, 0.04551467772249838, 0.07183323654321577, 0.06504251616527613, 0.039215475165479394, 0.0660241401419124, 0.08985775610712608, 0.09500594924331393, 0.07850989420776516, 0.06140552741925076, 0.07545420189649531, 0.07935562706480734, 0.0916740433949209, 0.07032119540188822, 0.061487241554402036, 0.058975415280613404, 0.09340479297743354, 0.07694241569813423, 0.06983853460189242, 0.05739458915908266, 0.082892741106673, 0.0836446915698102, 0.06964454353632284, 0.06052936602380734, 0.06560278560114033, 0.07457676374807667, 0.09487581382736168, 0.07484822175144004, 0.04291318783954018, 0.08318778421946901, 0.06348978496214927, 0.07353833268447937, 0.04818312718409884, 0.061644018247379785, 0.09014115442242188, 0.0669793172175904, 0.06617372424026123, 0.06588824155397544, 0.09204906084455973, 0.10224428501850827, 0.10666500680797689, 0.10487824381262281, 0.07462442285286705, 0.12678210149290833, 0.08676567912632234, 0.09333549625638941, 0.056369879528131175, 0.07166136728990934, 0.0928883957344265, 0.07444031652081987, 0.08208654416009484, 0.06268097187918045, 0.09906313915431508, 0.058610464857796724, 0.04621387258876543, 0.07632773609139953, 0.07945372565812325, 0.06556579103361707, 0.10023250392692924, 0.07945734217350714, 0.06793388073902852, 0.06066225559270181, 0.06014874390565589, 0.05554615109599802, 0.07935479163747575, 0.10199204390171986, 0.06557592067579131, 0.07474110396627558, 0.051828156848335055, 0.060882953137451234, 0.07283326547066372, 0.1341669677936737, 0.06251273152838514, 0.06961191649818288, 0.05459044530052481, 0.06259022585108057, 0.05872224525912842, 0.07020629749411522, 0.010851009634914786, 0.05153095513070918, 0.06022200790606286, 0.04329831840751503, 0.09428850208502781, 0.07630076888728513, 0.06333468358838878, 0.056161371018200526, 0.0525471303480783, 0.06652789430395, 0.05641688394238478, 0.035171140045083996, 0.06716821855217131, 0.057575631683260534, 0.07609315503744968, 0.06401496431742264, 0.04978624205156561, 0.08396631480757008, 0.07208743827497005, 0.053905014374585176, 0.06725950847359097, 0.05963082661156745, 0.04997905523717016, 0.07276465448205094, 0.07271592097694927, 0.05576048475557157, 0.04441895638148785, 0.06112539408206382, 0.0792150627699992, 0.07478979282948461, 0.06807134797332084, 0.06289386293313648, 0.046641428719684935, 0.05044108812926582, 0.06438556395431874, 0.06463648593015953, 0.05446108673571018, 0.04670348634824711, 0.06547506326815127, 0.07849622031895315, 0.0691725221039082, 0.06887792241773866, 0.0702433110052192, 0.04983251783511298, 0.0396549824354319, 0.07307498193278411, 0.048466091125918265, 0.05305244024011929, 0.05332154743814928, 0.06388154524937849, 0.05768645127254724, 0.06184080362797077, 0.070187801761697, 0.036217550854606394, 0.046868015435898705, 0.07508402901085082, 0.04384426619342293, 0.07225996886107836, 0.08380861034359087, 0.061553546963283676, 0.05202632430340675, 0.053798149753437864, 0.0633918315095044, 0.057967189369598354, 0.05593475021493664, 0.059805362974556284, 0.07982576349322534, 0.09444797303296187, 0.07103205586661492, 0.06416936715591982, 0.08752830141591614, 0.07448956441168977, 0.08344511403374458, 0.07087642930851719, 0.061046798188950785, 0.06623592732392813, 0.06198060795247329, 0.08269416660339256, 0.05777163084765982, 0.06885997912430954, 0.06919241930719137, 0.07288676257511026, 0.06972246077902072, 0.05758888077562119, 0.059363343643757435, 0.048665183241050305, 0.0463644452841918, 0.051837990063583805, 0.06580583599894761, 0.06555063820002802, 0.06288605829572287, 0.0513356862733885, 0.07026076326782361, 0.04924114256654915, 0.05843571286751141, 0.06257026220370826, 0.06283979214583302, 0.08965284240780334, 0.030398492779878366, 0.06195783075305669, 0.053714040047819975, 0.05914077036154098, 0.06618270196064038, 0.06744936717265641, 0.05840588588012319, 0.0480839159765556, 0.0719824565449191, 0.07894428791607014, 0.05883049165506107, 0.0683854297136918, 0.06648500476178162, 0.004326510454552238, 0.07095845099597325, 0.0813125457480524, 0.06218935473546113, 0.06443334197431067, 0.0900846869272861, 0.04248536482555006, 0.08820809650298211, 0.06900158175847552, 0.06387805850815767, 0.06617969082811337, 0.044128631192753384, 0.053613025499171935, 0.06799761702076518, 0.058902567720130236, 0.08060827939221035, 0.06547708296357305, 0.07452597540472425, 0.06594616426785971, 0.07938213046442502, 0.06753538674694845, 0.06950321969794997, 0.06074957653139397, 0.09157729769811829, 0.07587375162820012, 0.07448652964254354, 0.06134089566650902, 0.08151738102955729, 0.06712624524493022, 0.06852038243434988, 0.06518391268524354, 0.06018261506794782, 0.05224168308680145, 0.06184282382346701, 0.06388116929027915, 0.06545674257289583, 0.045541633521803696, 0.05576989241769041, 0.06803785810950891, 0.07607836372892257, 0.07985323034863445, 0.08361292437631429, 0.07302521016620747, 0.0860888667736937, 0.04745802369223064, 0.07029002189627402, 0.058145407008987876, 0.06519978213687827, 0.06464997630949104, 0.06943470607166882, 0.053059059416968375, 0.06270337794125691, 0.06515860428956849, 0.061109031896169924, 0.06732757994996821, 0.09145449344306421, 0.05681026276078227, 0.0712054230852112, 0.07264697096231992, 0.05327103825440648, 0.048924284938076226, 0.081523124681283, 0.058901987148525695, 0.05560984145303222, 0.07078327414535922, 0.07294049437556585, 0.08987890018837227, 0.08943782787739572, 0.09058444644606044, 0.0630448832885773, 0.09924822261033386, 0.07004701879051747, 0.0769354737033805, 0.1010360558591751, 0.09714703809895651, 0.0709768526496306, 0.039217307142002195, 0.08500281521525145, 0.10513313220734632, 0.07175289871383245, 0.06957044155465768, 0.08845846475052024, 0.06811152459616723, 0.08287650187388364, 0.07860757064158491, 0.08125192769775658, 0.05881267417469969, 0.09592571058555092, 0.10893706733902574, 0.08093353829378822, 0.06119533775485206, 0.08740804584385908, 0.043822695130717244, 0.05694462215467397, 0.09297811732066616, 0.03878051443447225, 0.09276955927765967, 0.09825850619585447, 0.09399305745976197, 0.07620271530839165, 0.07571366593511503, 0.05054070179997877, 0.08368157648646099, 0.11548566193416734, 0.059798295423358315, 0.06590976647052434, 0.07460620405916205, 0.05089725649390836, 0.04996827666513339, 0.08227665590121955, 0.0770707282610397, 0.06149180548692609, 0.008574974172006148, 0.05694857555372737, 0.11570030479490273, 0.06252685133836433, 0.08896723899027373, 0.057797175756902075, 0.10328933502452284, 0.07943077021666345, 0.07039786423805267, 0.06472267654566323, 0.06980909490853615, 0.050770493914739825, 0.08559457816479728, 0.05047142312637434, 0.06384978845121761, 0.08054682171434907, 0.05165831144419414, 0.04471262076527364, 0.05023312149562016, 0.06160823256958862, 0.08509784853386039, 0.0949541456968285, 0.07592495398473133, 0.08920663198384551, 0.05110538202607427, 0.06030195476684927, 0.055349194378819286, 0.052283677166426346, 0.06897699514005817, 0.05182092905092374, 0.03207735960487335, 0.054303070320423724, 0.03685415256433056, 0.062413885762365506, 0.04304301164509764, 0.09302724195299542, 0.04923545496161451, 0.06975921027146, 0.04143949886217919, 0.0380447292691247, 0.05999511600365699, 0.04694298900471313, 0.04590104486626904, 0.08862043662374464, 0.050510683320556804, 0.10951337001944095, 0.04848707057272178, 0.06019903553822275, 0.07054443779236853, 0.06645544580905287, 0.06192572837464603, 0.06254602398498862, 0.0854005287251253, 0.054746559121933575, 0.05106834519800616, 0.06596024307051107, 0.05056335030758865, 0.0798672240305868, 0.0866829365001496, 0.07606825935305729, 0.06904007903378964, 0.02624795013610739, 0.062089867204228294, 0.05368332907505344, 0.04163391797604579, 0.06566649157009403, 0.042753148524195705, 0.08838794240690762, 0.08775363326312902, 0.07101456459661043, 0.06533862807338514, 0.057956809563662726, 0.06803616501266783, 0.06319333187242886, 0.07651531415003196, 0.09728954982791223, 0.09385464484571196, 0.08518461459767031, 0.09477947553542652, 0.05764756809471704, 0.05812011832677312, 0.06464643710662746, 0.05806523564871817, 0.05540552572532389, 0.05704058892104602, 0.10416798915024261, 0.05530064793515522, 0.10052252514591559, 0.0977388623029127, 0.06204473594269752, 0.08378885032588944, 0.05583938903692258, 0.07230004480804514, 0.05629537243017907, 0.054828833413256506, 0.06968045202743457, 0.07204640075221413, 0.06189141377866975, 0.0862555032837398, 0.05101117469972808, 0.06568526052101749, 0.03287616416592846, 0.06707135587839574, 0.07142675603278627, 0.0663580703784458, 0.06556038883072428, 0.05136586958044725, 0.05622906538026913, 0.04115232784229516, 0.08571732322463996, 0.06600576658215093, 0.06462986944979247, 0.0791201150543163, 0.011758868371402088, 0.07341285568661271, 0.08561190801280333, 0.05877052924615003, 0.09308480141589093, 0.05428950413755652, 0.08804491512332258, 0.10220791796578943, 0.09004770554934846, 0.10931484624370533, 0.05050631775324056, 0.05883942189381498, 0.09119038113425484, 0.044007776802740095, 0.08375093291058325, 0.08821037525793413, 0.06941546954712255, 0.047544199737282404, 0.07189564830446898, 0.044400547454591426, 0.06918416538274272, 0.04948403637223852, 0.06927555163462659, 0.061089949393536694, 0.058895815157257336, 0.0580234541265037, 0.04691136212725179, 0.06331025457559171, 0.07244169856550914, 0.05011176466771593, 0.07938458424229518, 0.05626741300106641, 0.050809084327180745, 0.07799102347077194, 0.07583722786380104, 0.09472295910339765, 0.047619896338874784, 0.09061531876331487, 0.05875908297441528, 0.06252378279116858, 0.06458151643657001, 0.07409488799721496, 0.05763409817538928, 0.049128438389092616, 0.078855589272518, 0.06455073633455032, 0.05802115190197333, 0.062274337751883346, 0.0716028657058427, 0.04669693928257066, 0.061915330333944335, 0.07981829092198209, 0.09034997870282774, 0.05863726357916834, 0.0590698393202524, 0.07454738878246059, 0.09198311529840492, 0.07142212063060077, 0.07957672292375673, 0.042204169694314016, 0.05558284226959646, 0.07609870534821395, 0.08452056070572656, 0.07343467020212002, 0.05321247607981311, 0.06346297132926382, 0.0738666503243432, 0.09370867023551291, 0.1150497600416701, 0.05837058878151063, 0.1172796592750447, 0.06890898050849648, 0.07845679690908142, 0.07980771532986156, 0.09777971043515311, 0.07515663141808154, 0.09227584390811278, 0.07426455365088576, 0.08254017956220085, 0.07021208719134397, 0.08708800505636338, 0.08030262547303119, 0.07968446509307553, 0.06339775510654472, 0.06260364888300043, 0.05788227210638225, 0.05777345788452329, 0.10317152454339587, 0.08869279941650182, 0.04674465328067233, 0.07584222277254829, 0.06449569701976587, 0.07868232101672148, 0.06678861689456275, 0.07345382818456053, 0.08573772346595931, 0.07419038033021208, 0.1226384237822164, 0.08514864310514868, 0.06347654422758806, 0.06643157033506614, 0.06444379404766319, 0.10667067001981939, 0.09088407535979662, 0.0632464430367519, 0.09545276769554506, 0.07456089154763448, 0.08048502541700661, 0.06714992804279349, 0.06361180869951577, 0.08207001856044675, 0.08069893237678685, 0.07752141521094695, 0.05530719336513051, 0.007573431843041285, 0.09172273660311032, 0.09717601738754027, 0.06860220187559736, 0.10683344146913899, 0.06848821273528491, 0.07219203221663364, 0.0779443105695704, 0.11337412893541307, 0.10429370490181976, 0.0911919877187248, 0.082623918495692, 0.06456760356540575, 0.05923244150981835, 0.07449963319290116, 0.1228249114744919, 0.08411796703109614, 0.05556079009122381, 0.07918914782782244, 0.070741908462231, 0.085374025524841, 0.04963899104347018, 0.06877154243133156, 0.07469834122984326, 0.045090016835790406, 0.04248744071281057, 0.07244865267778064, 0.06873219169213599, 0.06402098476285098, 0.06687338110832632, 0.0937737770761512, 0.05532346674324255, 0.04713363962939763, 0.07699187131323587, 0.035502730807257465, 0.07086890505188269, 0.07678204211509612, 0.06764429572001493, 0.05814592996892966, 0.09573446250579554, 0.06313258286653861, 0.06634910888246784, 0.07191711090636443, 0.08700261673718035, 0.08249159381187629, 0.08541006607544155, 0.08149048139640841, 0.0944939755193499, 0.056282385915078316, 0.07167014084172349, 0.06256916254399032, 0.07397197787349682, 0.09263135543867344, 0.05836287466613091, 0.07273450411001256, 0.059882988148566324, 0.051558140369590014, 0.07169643254487879, 0.08269247231875768, 0.06515637862794045, 0.08446671274216606, 0.07553019971522004, 0.06900080774398079, 0.07875654069184923, 0.06911382105348601, 0.06402814815912708, 0.06351613629140242, 0.13354758802139144, 0.09836366235643679, 0.09389129862812783, 0.09574939279589945, 0.10114175793851003, 0.10483146810299239, 0.07365542748204676, 0.07850351152414498, 0.10470603634738185, 0.09833327810925091, 0.09654320391137297, 0.11166159715827906, 0.0564738571666345, 0.09388629028462421, 0.08670220449641694, 0.08874199871925911, 0.0720916120056652, 0.0652660411457181, 0.08335132733047187, 0.08177749827830588, 0.08540555223591473, 0.08704341766904465, 0.07341994127340704, 0.09967907630459141, 0.12246417316866268, 0.08402290929164782, 0.06692586442943375, 0.06552310565620101, 0.03928059983322782, 0.09786913642717787, 0.06864408869187946, 0.09182983850391171, 0.08469176272727333, 0.0797900484711702, 0.060750541617549614, 0.11880442583964887, 0.13001972273729145, 0.07401253492894902, 0.05689214280470902, 0.06817658498248047, 0.0873241850095996, 0.050651697777508276, 0.09278563342037204, 0.08403545062495704, 0.07592297905765703, 0.08299882462157346, 0.09897169780806771, 0.10485646525408805, 0.008563127640313325, 0.08271781975050865, 0.07180233702406434, 0.06204934672404123, 0.09235696803464717, 0.06260678050346939, 0.08767790323145412, 0.09443191326459496, 0.06353076706745078, 0.08926076235923772, 0.05439022828390074, 0.11260865661709267, 0.067974455961767, 0.06541952047599406, 0.05862493459820554, 0.08579727875162456, 0.08569361288793578, 0.05840690812091247, 0.07000431246352895, 0.08642152580522344, 0.07011706404424912, 0.0805520741707204, 0.07280582895660889, 0.05887291417574157, 0.0457078062842205, 0.06774374229560919, 0.06806921492355977, 0.06653438530776606, 0.05642584367093896, 0.039784203176144624, 0.07623127828650633, 0.07378396660208707, 0.06420139201899147, 0.05520982629943938, 0.06303115912099219, 0.06011577874138124, 0.08578672905506896, 0.0432707863226304, 0.06792053297838334, 0.04476932506230572, 0.060165055669589, 0.04296682775535925, 0.06941760560127347, 0.12314452703821363, 0.10198193073861565, 0.054841278644972055, 0.07580803508771786, 0.058200719079188515, 0.05412234072568523, 0.0701931156181851, 0.0628283148996935, 0.06049715861511732, 0.060154088862283635, 0.04672205742084344, 0.08199115181734062, 0.055315756846116955, 0.05266741527429129, 0.0666735420017689, 0.07033410832106146, 0.07046038575776924, 0.04858094380080601, 0.07655740161776216, 0.05043406589391851, 0.06801334427517429, 0.05935013735267311, 0.06034751550216525, 0.10474594345898403, 0.13466875104252785, 0.08157613227274733, 0.07037334442791829, 0.1000092410430858, 0.07547279737763496, 0.08212724842587726, 0.0693532565690956, 0.08655895392802163, 0.0866958643518074, 0.10316334397706874, 0.06938696343274232, 0.05358045369604801, 0.09617763912094879, 0.07380191991290871, 0.0690443461340989, 0.08058320771734946, 0.05133600046432468, 0.09892201338930476, 0.09260833378396696, 0.05545617595778649, 0.06743369859387147, 0.08007350357304574, 0.0621471958946387, 0.10352584557189984, 0.09435609411255044, 0.061441618670950736, 0.08293158876178504, 0.0505164535220534, 0.03336259871120843, 0.09858385934337027, 0.08654891552632711, 0.0590866334526141, 0.054348301289263705, 0.06725302801928754, 0.08815190560749586, 0.0819377994714067, 0.0954478621785931, 0.08526218184681988, 0.06452128225579773, 0.046509732296797585, 0.07592007018430177, 0.07021771781020777, 0.09144405959453705, 0.10001696970406034, 0.06383101890797696, 0.06912222372065735, 0.07237997181455477, 0.04383912100210785, 0.07644601118546004, 0.009918989032070275, 0.09002502685597176, 0.08388778040224694, 0.09008385626655452, 0.12888734212702688, 0.07622825301945033, 0.058499879510112915, 0.06996267787740341, 0.09760681167913662, 0.07483912111976822, 0.09194125648805541, 0.049041780321744236, 0.10041332347015, 0.06917512053549021, 0.06994646890186079, 0.08068982787038195, 0.08293746504061332, 0.061270588724484695, 0.086365358383544, 0.07153997153662962, 0.08678839182976206, 0.054089212655010904, 0.08460746633386262, 0.06939326204134115, 0.03772745459272983, 0.07611801891871318, 0.06429233983991525, 0.08412941498882302, 0.06205376052950486, 0.05614511486001636, 0.08093654485444216, 0.05458464931284661, 0.0690213750020976, 0.0335768838905869, 0.05790419779948261, 0.0740317567329687, 0.04335563299281674, 0.07139234873446983, 0.08111461959794128, 0.07326249642647764, 0.09602142388749185, 0.07481555388555663, 0.061875483810089504, 0.06954749661503512, 0.05876551501469271, 0.09285230130093279, 0.06504976728803842, 0.07683949116284104, 0.07616922882600952, 0.08335001963968913, 0.07039654543108971, 0.09413207653274527, 0.07645387872427964, 0.06743169977936093, 0.057477750049640196, 0.07301750701174171, 0.06526347105487967, 0.058980530921734414, 0.09026015630947704, 0.07266146000482639, 0.07199075910598855, 0.07757199769910327, 0.04986104196151746, 0.10376752334684725, 0.05927767383913563, 0.05760074890210577, 0.07977719303048766, 0.07863496378649504, 0.09457740265797415, 0.1095801883910788, 0.12604538565186818, 0.09728666284481174, 0.08190080315944935, 0.07619468161215162, 0.07284170353715022, 0.10294089393225969, 0.09840002137503878, 0.09915273988589665, 0.11135002126615381, 0.07596636104279936, 0.08674169487913946, 0.08063064307852774, 0.08581069300756837, 0.05225759238793748, 0.06047684650977698, 0.0710407156519878, 0.06631699147394378, 0.06580038445965906, 0.07029541759216369, 0.0841499911390049, 0.10992362744244082, 0.06205852488178602, 0.056898809248107085, 0.07288535586932932, 0.0791626297339856, 0.06843447726939474, 0.11127053701729994, 0.08812609710828945, 0.0798682051688529, 0.07480539665011161, 0.044544449173888306, 0.05848606824432726, 0.0656766926638992, 0.11793492155222353, 0.07583964472310953, 0.07612158549931854, 0.06367191345650612, 0.10444888867022134, 0.05127479653546164, 0.10754825441545238, 0.08708500282027615, 0.09307227807095164, 0.08049812948737145, 0.0702022751070413, 0.07231383473510486, 0.0743625265991608, 0.09425311483551294, 0.007047646049064542, 0.08209644259499199, 0.09673533692034542, 0.06043207983487903, 0.10203093160115409, 0.10125918519781299, 0.06545364992872794, 0.08205812783832046, 0.07955241678554723, 0.07147896857019263, 0.056146614616316086, 0.03944208480219953, 0.08234673309498375, 0.05399783732708457, 0.08143610715691678, 0.08272478449252454, 0.04571555589876572, 0.06303045271774708, 0.06073691624483754, 0.058004182898951276, 0.08045256787264693, 0.0833744797311789, 0.08416293568950658, 0.06086070559667719, 0.044972570817563645, 0.08170930267275298, 0.056550364829383505, 0.058049440346013385, 0.10181419810506576, 0.06521170219884967, 0.0762064100182156, 0.07491994533793339, 0.06264782932920417, 0.058016687609016016, 0.0454997456362482, 0.05793521840274417, 0.07486205045454605, 0.04825433358152452, 0.07215859319274441, 0.08557529777078132, 0.07375159960805366, 0.06739222577767921, 0.03783474589400748, 0.06649545920263612, 0.06243456710301368, 0.07397064992701466, 0.06505013133181067, 0.08755503831665559, 0.09239886635546507, 0.08303663266087194, 0.07382350546762266, 0.054716934339084145, 0.08497533412530907, 0.06742237192161042, 0.055089357555653265, 0.0574565803538611, 0.0413939024904178, 0.05632844907929445, 0.07039108730101956, 0.05807397654716279, 0.07409433285876477, 0.07570620829063243, 0.07553160809293044, 0.08801409810955693, 0.054044773949390654, 0.06542023318671752, 0.06432817214204276, 0.13052633721802803, 0.07868826971930157, 0.045918886501434664, 0.09758438527882568, 0.08626502597652619, 0.08326530875483404, 0.09791416118017685, 0.1187867574929154, 0.08744962729148059, 0.09807114173486178, 0.12182166730691564, 0.09776218707757309, 0.054568646845354486, 0.08973556807932495, 0.052209949507981815, 0.06115166424320541, 0.06368538271921352, 0.04920623913603396, 0.04518758088368895, 0.08334508373692838, 0.05764407168604078, 0.0692049388046441, 0.09881402534798572, 0.09404367547980444, 0.06963224731739312, 0.06941396354132728, 0.05929486709226057, 0.06836306086501315, 0.06254825101963313, 0.0798680857261803, 0.07108513827980872, 0.051596706402370664, 0.05273162458044822, 0.08900798591512893, 0.06222734111674803, 0.0785201297343649, 0.09070615844530905, 0.08165986118356644, 0.07093357503612843, 0.0567418418938953, 0.08634076820884824, 0.05597203102758201, 0.07695884109636386, 0.1206777877253418, 0.07616317620587292, 0.06347502366964804, 0.04789984422983004, 0.12068555640557593, 0.12142605183335001, 0.053235335796933216, 0.13059632365047247, 0.0096819645999748, 0.07795904178369537, 0.06850172955684489, 0.06999546853189748, 0.09876168724162551, 0.07964711884517992, 0.07122742850000664, 0.08663811826243886, 0.0633862885749174, 0.08345394309015988, 0.06727094459848294, 0.06118875963562448, 0.07802024354070926, 0.05874007578292257, 0.0684154229997206, 0.07804751935005752, 0.08524905320658555, 0.08370599142516305, 0.10911344659230457, 0.07231578645513469, 0.05105387530414068, 0.07865777574442512, 0.06075504602315225, 0.09806835913890066, 0.04242141044706259, 0.07656647160897762, 0.0572743549698785, 0.06053828332832023, 0.07552026485361746, 0.05028325022182708, 0.08383743974786684, 0.056291562968932486, 0.07478797150236118, 0.08915818520135442, 0.05371678098247053, 0.053849571465674685, 0.07369749996522026, 0.06378450973988434, 0.04826407859044495, 0.052264666532691365, 0.06824713217664162, 0.06505061411951833, 0.07602015287411037, 0.07348665520257963, 0.06064141454621402, 0.06884425771960515, 0.04637992942907797, 0.06465635683930034, 0.054622431297123214, 0.06171567894850022, 0.05581828256687206, 0.055887838323453176, 0.08149445856181811, 0.059327769908398165, 0.04926768865418944, 0.0731281216981422, 0.07442924201276396, 0.0727588656491697, 0.06868235711238765, 0.07521268100516687, 0.03966921936611243, 0.08956943057295336, 0.06024046117449383, 0.061746245912467454, 0.06096736788595997, 0.06506453958772151, 0.07860181913934475, 0.08392405397287342, 0.08260080513089352, 0.05250441144492476, 0.0713243840167396, 0.0667494120136471, 0.08151502025321679, 0.08731871666254767, 0.07832135317678864, 0.10455837181386098, 0.04306620735566547, 0.09777651080766797, 0.050697604395834504, 0.05084424603211224, 0.09762003406226741, 0.07714166650686362, 0.0597917652823914, 0.04656646148441365, 0.07492055664240253, 0.05284992327232261, 0.0525793687924405, 0.09536214480338237, 0.05987038841700924, 0.06474961491636917, 0.07205685495180421, 0.1024812378475906, 0.08850226290847116, 0.05768727523829995, 0.07751960520556253, 0.05640093619622219, 0.08635854261395023, 0.1061629763711287, 0.08144623421821875, 0.05894833126735619, 0.07590174939918184, 0.06375522493367845, 0.08128378940222222, 0.08070394658554429, 0.057774739037723115, 0.059807930499122086, 0.04701535691317381, 0.08703487038318992, 0.0750135716238927, 0.08545998820991713, 0.06712845932427283, 0.08471834274328603, 0.06988185440416184, 0.05011970798321055, 0.0943012533146391, 0.10340008694029124, 0.05330848644932612, 0.08223520033651577, 0.09085028867419621, 0.012430991726654402, 0.06875546600220223, 0.0662449302011607, 0.06156102020578958, 0.08583465119534711, 0.06465274674387818, 0.04360454066517244, 0.07195482469693812, 0.07514896655085238, 0.060909538629134674, 0.06984891269279922, 0.06743706219627804, 0.07283397465300755, 0.03927187068140264, 0.06872845134949089, 0.10345634928879824, 0.04901694922797222, 0.05055118096408648, 0.060945324374324476, 0.06600763418369578, 0.07345995397727235, 0.08228110217211439, 0.059743127024709144, 0.06765033832415407, 0.06872040199925791, 0.04935770484144576, 0.039561051058305166, 0.06431430099586602, 0.05509370876237463, 0.06444264310423953, 0.04567874793811491, 0.08640654606393375, 0.040364410457080474, 0.05659623036325725, 0.05526759919238426, 0.05230905011640155, 0.05178061771122486, 0.06324864332553076, 0.05987396772746525, 0.05863366784688698, 0.06685509752853327, 0.050619329018993395, 0.06883707367897293, 0.0652848231341122, 0.0468398490072339, 0.06949534041192791, 0.04594845410908782, 0.03656525056375254, 0.05741336326387098, 0.07646936461061957, 0.07347858168832752, 0.06287880365851312, 0.07842201341348165, 0.029027768793945752, 0.04898436247203156, 0.058367916093580344, 0.06852383922006888, 0.06243133475036756, 0.04300055721670821, 0.044042591528832886, 0.04971750205748239, 0.04218202619998193, 0.04822199086376919, 0.06525053505667781, 0.060115423306548, 0.06428306782395829, 0.08841036274608298, 0.09475986982032071, 0.09534836080553427, 0.0628191457222366, 0.0673338868201415, 0.0747378652346636, 0.08168707365045161, 0.06465177301628969, 0.06809604334645991, 0.0794515428250571, 0.08452443420027128, 0.09627748993214147, 0.06797234888686164, 0.062092148624046134, 0.060051944011242434, 0.07151253138089042, 0.08141324595942837, 0.04877051705427121, 0.07406083317720902, 0.07534687969583374, 0.08679581990795476, 0.07479849101941768, 0.06415347472192554, 0.054878934283145664, 0.06444759977903067, 0.0725376054944821, 0.07755939303017459, 0.03461129474621272, 0.04424839746911912, 0.06605664874322856, 0.0692618364884724, 0.04938608287656775, 0.050100533325600466, 0.07707253777308518, 0.04665164118552472, 0.05891448504439631, 0.07834554928697048, 0.07229537097389474, 0.05613971718819236, 0.06778413779760087, 0.07203338585182949, 0.08253788547169347, 0.06682330583126042, 0.10880328410701956, 0.06497464213652851, 0.04909104676695788, 0.06441184016443444, 0.059403856444030734, 0.06088572856830715, 0.06958034801389443, 0.0650628227891013, 0.06729977859933828, 0.07331820484354015, 0.07288688055863746, 0.007197111170807426, 0.07035770818764643, 0.06303495167591763, 0.03363736073483443, 0.1214203388729194, 0.07157924040458838, 0.08522003626668387, 0.0795628803014894, 0.08641910957562804, 0.09401644983216004, 0.038589732765226634, 0.07393858905688981, 0.06362675114243191, 0.059979043130573506, 0.06550545502124336, 0.07982713035018243, 0.09596994269769937, 0.05596767026972285, 0.06288691262381504, 0.06674819990256912, 0.07433519507230171, 0.07324599694979506, 0.0429644780518868, 0.07056580340735791, 0.04468173792885567, 0.0679001413971119, 0.048367873884542376, 0.07107012107579928, 0.08207094491933033, 0.06528616185472737, 0.06156568531026424, 0.051989278942985884, 0.0810084029555821, 0.05226189642634656, 0.05540310764044653, 0.057099482892708636, 0.05429392795526754, 0.05031203692808225, 0.09191169698239234, 0.06913977268877132, 0.07670774721820321, 0.07356526195672265, 0.0604829137291128, 0.06257795749959279, 0.0609200186469457, 0.0788214504900668, 0.10121569222645874, 0.04883200265581775, 0.05821655142631161, 0.08422781699045183, 0.062398711297415574, 0.05773559489295796, 0.05383657805295175, 0.054087993147105336, 0.06898148343439874, 0.0634931794356731, 0.06549580912251904, 0.0773428525313733, 0.06575821151008154, 0.07352244420958284, 0.052169052997359446, 0.0625099684782852, 0.08230899084635082, 0.059412283056178836, 0.04463572460533099, 0.04189709264453832, 0.07621621194605929, 0.08274687333711683, 0.0851273612042119, 0.07202986046889297, 0.08093177882809072, 0.08914473797111327, 0.07126523485727213, 0.06086171751411194, 0.10567699186272843, 0.0606145761925357, 0.09119962837247117, 0.07740345977916686, 0.0871234879282751, 0.056897478812785826, 0.08878008054375106, 0.07437642652160537, 0.05239654204979816, 0.039453226077971776, 0.0556481090388071, 0.05765217452189274, 0.07444216158918056, 0.060330819907496176, 0.08084685333959754, 0.05516117758206627, 0.10784079021026086, 0.07098536921472128, 0.056476539835021836, 0.07121436071428384, 0.09012235425806442, 0.05889621475344166, 0.09390115433605675, 0.10971903804746062, 0.056599616068915636, 0.05043708901795333, 0.063726607262888, 0.06063924204430924, 0.08303213233481313, 0.10096440613510321, 0.07979215232878131, 0.061388750649235976, 0.04711262891563109, 0.060167747589800896, 0.04777126899321432, 0.08940414962599512, 0.07991359055850165, 0.0688079989976634, 0.07766941767502394, 0.0582118760167451, 0.05914319248248372, 0.09321255445882856, 0.10582420301267315, 0.08201016084069719, 0.07883567360256612, 0.08917679047786724, 0.05266231163504229, 0.00783646398978615, 0.10360855806764369, 0.0965911359010095, 0.0868708716629297, 0.12388461224609491, 0.08265236416805044, 0.10520575970014259, 0.07844605302086334, 0.07280780428885757, 0.07440377943593776, 0.06283145769056203, 0.0738280683728901, 0.06787558351887579, 0.06720650009425692, 0.10458866691320773, 0.08581827265795001, 0.0929104093642811, 0.05836011608799553, 0.061943991243467514, 0.06902960916356332, 0.09186307423950152, 0.043678138691409504, 0.07420695577855053, 0.06755876805545666, 0.06767690938657053, 0.04979812267879467, 0.054686631565447064, 0.04886732569857653, 0.07985373879897334, 0.06760912058923348, 0.047657014318053526, 0.05887371176624701, 0.06656036667649645, 0.03971937367858931, 0.04717826973587254, 0.07057846215084815, 0.06029520284359454, 0.0465459995577265, 0.08285381571769318, 0.07567070613861258, 0.07192557159749337, 0.05398818965763658, 0.04786926780472189, 0.09043495563320682, 0.06542015740156, 0.058988597197248166, 0.059305463671573994, 0.07310928735885393, 0.08040013781145147, 0.06934775594421357, 0.06351704395602727, 0.07345581404683205, 0.05734610120344345, 0.06136031732686895, 0.049540967091449895, 0.06906582312946757, 0.08334823293528933, 0.05757973844512216, 0.07076473676524518, 0.06720239524628727, 0.06194822068355619, 0.07690635041081696, 0.07491639717401632, 0.06878256968217054, 0.057014675908085705, 0.07671712288615014, 0.07612083777948518, 0.09513543338676243, 0.08606184704361432, 0.07058581888797989, 0.07424320585424582, 0.0833482531331871, 0.08441366444384428, 0.08497199844975645, 0.07042723839243054, 0.11251886556375983, 0.11485091129116798, 0.05049332939975995, 0.06274225898940407, 0.07455132161438184, 0.08188966841061168, 0.06997735956602011, 0.0748628220024196, 0.06178849973798341, 0.08761935893173721, 0.06953553024118483, 0.0780761334894218, 0.07229412466765585, 0.06869288451329458, 0.05746325571956529, 0.09812026436228523, 0.08264355737632294, 0.07755482062652849, 0.06366996160475315, 0.05206466318381207, 0.04638382865796341, 0.08997981260164681, 0.07517335993044715, 0.0752293206491348, 0.07901806262240316, 0.056175368740873706, 0.08355705615802342, 0.0894644089862654, 0.09943339438896905, 0.09576683937009033, 0.07677250011935835, 0.0713283281656465, 0.09636951687795958, 0.07012104683265212, 0.06822527686701722, 0.09507821087953426, 0.05547565096193356, 0.09159356669545676, 0.0675638571654891, 0.09914877903176739, 0.09366651136811063, 0.06820991952017699, 0.07259152236694372, 0.09706297901766078, 0.056785840380002534, 0.043694178020312224, 0.04970235323520107]}, "init_params": {"with_centering": true, "copy": true, "with_scaling": true, "quantile_range": [25.0, 75.0]}}} \ No newline at end of file +{"ElasticNet": {"model_params": {"intercept_": 0.06813298030813007, "coef_": [-0.08642296646581857, 0.0, 0.24527388960655136, -0.05663512490885787, -0.056035129107950186, -0.0, -0.0030063192930978545, -0.0, -0.062490519840676606, 0.149633648663748, 0.04278500942105076, -0.017230548634872136, 0.2702318007498354, -0.20061663073450364, -0.0012494934794564227, 0.008738243249197263, -0.10246776200510793, -0.05391336300275042, 0.08507846795458755, 0.057692789188211815, -0.07257096859337347, -0.04423685507383737, -0.05894899769512614, -0.0, 0.0949107860114584], "dual_gap_": 0.00025329466119089483, "n_iter_": 47, "sparse_coef_": [[-0.08642296646581857, 0.0, 0.24527388960655136, -0.05663512490885787, -0.056035129107950186, 0.0, -0.0030063192930978545, 0.0, -0.062490519840676606, 0.149633648663748, 0.04278500942105076, -0.017230548634872136, 0.2702318007498354, -0.20061663073450364, -0.0012494934794564227, 0.008738243249197263, -0.10246776200510793, -0.05391336300275042, 0.08507846795458755, 0.057692789188211815, -0.07257096859337347, -0.04423685507383737, -0.05894899769512614, 0.0, 0.0949107860114584]]}, "init_params": {"warm_start": false, "selection": "cyclic", "fit_intercept": true, "l1_ratio": 0.999, "max_iter": 100000, "precompute": false, "random_state": null, "tol": 0.0001, "positive": false, "copy_X": true, "alpha": 0.005}}, "SelectKBest": {"model_params": {"pvalues_": [0.9816567557080353, 0.21523637236089863, 0.9107140811315716, 0.13851801887720308, 0.7153130407182405, 0.2647666108264817, 0.4553968029594412, 0.860535363488322, 0.40386971172944286, 0.7573522399808398, 0.5798013488596134, 0.6541237136577207, 0.9078046091731192, 0.11449573629338104, 0.12568257501111893, 0.7820342315178573, 0.9216659462936837, 0.631642478305297, 0.6914047263350329, 0.5275332360722396, 0.8633258482503341, 0.38946362656554046, 0.6873045731212726, 0.9704185659826438, 0.9290078243465606, 0.016840168662388594, 0.770042208829255, 0.0991556621260896, 0.459092999445442, 0.08781007944578287, 0.8656132391935814, 0.6006353045984716, 0.7877703239285563, 0.32670519485100347, 0.6784603804743338, 0.9821389610569281, 0.2332562645525936, 0.011889716732888946, 0.4311662152022051, 0.4542609124554631, 0.5175902774144548, 0.6460306714456253, 0.4337849244859212, 0.24901576359029054, 0.27452629822841307, 0.598207667138209, 0.33281429909040183, 0.49486546691562805, 0.9247157999161713, 0.4033842547278179, 0.8445666610267875, 0.10005280878850661, 0.5836170318030998, 0.8571383007124341, 0.1382663919230905, 0.9021464621691965, 0.5836592078441843, 0.19495950750858407, 0.867382839801411, 0.26939394115824, 0.20238549924993676, 0.4669192317656593, 0.33038917579987515, 0.5816328500011563, 0.11502454112953799, 0.7446286528891616, 0.06901305610077009, 0.0438063221337117, 0.8961836343247639, 0.6600311740092997, 0.09484354551360807, 0.6084225375661134, 0.48415794192614836, 0.7948189077386915, 0.15122351195710448, 0.5554602690455355, 0.0114746075281114, 0.6206869139862721, 0.21174696550187572, 0.32104165962377357, 0.7497589065670354, 0.6010544822760977, 0.8782008541373495, 0.42975385006968325, 0.7578849619289085, 0.376312707888365, 0.7972762678942599, 0.0917119763837936, 0.11706360708700228, 0.9613284489097135, 0.7218428670875328, 0.41823642277043516, 0.705707285100903, 0.47440063833469637, 0.14309118107820915, 0.4468843511587546, 0.9389620803504676, 0.6566112681623478, 0.16632725585804134, 0.06670148115852838, 0.5399612336050233, 0.7804577746222849, 0.1949040418406057, 0.5514351117494714, 0.9953389951689283, 0.07163868238663033, 0.6809095229288326, 0.8645796848774234, 0.9423975561197998, 0.18606761756378395, 0.316335345171622, 0.6876831757304281, 0.4170050259175315, 0.02447145242612224, 0.20012724464312096, 0.4110954648750127, 0.6823229556644108, 0.9702883349614582, 0.9190018258367233, 0.19643090135989164, 0.3759666102001975, 0.16409330721119633, 0.14902457087142887, 0.5516274916284885, 0.17539562539308018, 0.6629268779312646, 0.9419073399913682, 0.9511453407287068, 0.9055911625726114, 0.3596544609864978, 0.9096325515214075, 0.12377045000780898, 0.2041750001786868, 0.08578628641422782, 0.7585770353267206, 0.6926076129886883, 0.920146098433959, 0.39505048710137813, 0.42292185088374534, 0.9326437798570478, 0.14391955900372444, 0.8717036841206661, 0.034961328857691966, 0.44123227820800626, 0.5750084826726083, 0.3181081818495783, 0.059894214124557234, 0.2576938762734591, 0.4848966256063977, 0.877022857144826, 0.574220258298045, 0.39966715375929296, 0.4136826366494246, 0.0106587522892475, 0.7661381636288722, 0.08467506532453871, 0.7854693732539509, 0.5399099226964574, 0.08155451111813258, 0.7188644837523777, 0.989440803860406, 0.9686486248643619, 0.1620556557383703, 0.8876941748871909, 0.22249680710541012, 0.17101485765402502, 0.4026436538401599, 0.404116990992215, 0.6772554043427135, 0.16754886094671162, 0.13226170786222963, 0.31713238645940045, 0.9427204990585304, 0.13668244673828991, 0.16143044774858306, 0.14648401420070162, 0.9550995235033265, 0.6785603979466734, 0.2021198837967691, 0.9926403806497311, 0.44552842086267064, 0.3001260122784724, 0.6549952929915634, 0.40712858337291025, 0.8754158856233386, 0.47305190811636844, 0.9583043669471554, 0.9579167409921855, 0.9804059417249225, 0.17188650972309613, 0.9784669262700824, 0.657050475396324, 0.5927772660990085, 0.3825320781143561, 0.6633949257078301, 0.5666795042357177, 0.7915952136797394, 0.877031940697993, 0.7128097118843568, 0.970687765157136, 0.7670622276363643, 0.4125247912694261, 0.7110943379018283, 0.6602520401955737, 0.964650509436983, 0.24412648567461775, 0.9700914161051274, 0.6716267933708691, 0.9602385139555009, 0.4291177963328888, 0.6769118593043443, 0.5919960165655695, 0.18701386370278103, 0.9786432478636653, 0.6588556983581856, 0.8876266654224758, 0.4838409403098951, 0.3802669016819664, 0.9621049343953195, 0.8522289161946994, 0.8397757804511167, 0.7249492356644403, 0.8176555071059615, 0.30580297048847355, 0.45216747627204756, 0.17672430181216445, 0.3104599740246469, 0.7004342715854838, 0.35417714171133907, 0.5957385855685056, 0.35410522005781053, 0.7211936386847255, 0.7705784842615688, 0.7974282635855701, 0.37441765632484436, 0.6325503373853795, 0.27505734810134763, 0.6352572388784309, 0.00888246452991922, 0.18533681393869933, 0.5883245878469101, 0.5901404877590744, 0.1146318931124355, 0.08576941072246733, 0.9568399706084356, 0.7623959688640868, 0.08701805263113063, 0.9618122626428632, 0.04496612882440518, 0.9686277072209495, 0.9888162919373149, 0.759891950564277, 0.19218442330641508, 0.8275440072732714, 0.8456211743652748, 0.24524713682759292, 0.13526817063636679, 0.48981379473255604, 0.022676625385786457, 0.471926723764168, 0.6250246553706982, 0.9463585792996607, 0.9414710780028056, 0.6718979107104284, 0.38816276409734496, 0.03774548701609629, 0.6627418025470938, 0.36274078669394627, 0.5900724759770141, 0.34381500815877764, 0.9136599580139175, 0.4489775456933617, 0.2858874041399124, 0.6379144156592915, 0.9476495745911457, 0.5625627905638422, 0.6889159231086718, 0.6326937650630658, 0.40442118422900364, 0.6384562914837957, 0.9541060530941995, 0.906809600597422, 0.2384524874515491, 0.41309969768348, 0.8744286056658174, 0.3484381290788514, 0.2539650020558497, 0.3206832024273223, 0.93932132040742, 0.49762030972723326, 0.8435185450305425, 0.08319519848815907, 0.7659367675945142, 0.11568059930524785, 0.6967056863814292, 0.16380203103342722, 0.754336022371457, 0.618308748252708, 0.9005992108407173, 0.9383735469144243, 0.15441816515442938, 0.9053600182365066, 0.1425061300942908, 0.4637495209243272, 0.5098796259948286, 0.1390130058191007, 0.28997671145199266, 0.5185055405874814, 0.7250906781349087, 0.70213167634091, 0.34664303979358724, 0.7978873021151927, 0.6142352528100411, 0.7441552128552524, 0.9658042244877887, 0.7905035015277325, 0.7396286309184283, 0.34585398690281977, 0.7351756829098313, 0.9668535195782473, 0.43199485257780057, 0.035106459691229386, 0.5418614039597607, 0.3700521795919248, 0.3446656462642286, 0.32903499208913456, 0.7057827888025942, 0.8998473944890545, 0.5042334210314161, 0.6044193417666013, 0.2854240034588049, 0.3021861325282043, 0.2335525104363151, 0.9925712482463237, 0.5313793872702027, 0.09178312644948265, 0.6805528841855154, 0.5839839115545433, 0.5066767969781601, 0.56368312908913, 0.506870554709178, 0.5622266679235419, 0.8726307772817714, 0.884434054779153, 0.5930880943945951, 0.8946486557131271, 0.7216871743393872, 0.781505691601287, 0.7580943573621302, 0.6031327628031031, 0.02954614065301274, 0.2182262605389423, 0.048325378570774645, 0.37028514940562485, 0.5539836723546165, 0.04331137912527449, 0.061310208764279325, 0.45634939759418414, 0.36868609830813415, 0.021949571186953096, 0.12171878098228152, 0.8687562530181994, 0.7907078751317642, 0.2608974078367344, 0.19597651992716644, 0.1903562329985736, 0.5779403734272672, 0.9447831097393977, 0.7178816508220144, 0.8624501565887273, 0.9107246120631333, 0.23652366531764565, 0.8556119928096868, 0.19609510970130065, 0.09335060493241046, 0.0688468065607364, 0.8556881623722099, 0.8291260276236663, 0.01834619656143756, 0.9144189246167483, 0.6766023641295537, 0.12360811522217305, 0.7699711785891352, 0.6875687019777761, 0.6381449969143087, 0.6793713875656364, 0.9930684268708475, 0.6582294826479363, 0.2211581158527353, 0.4776467572761566, 0.1608588891694772, 0.7186724147537845, 0.1446821328658061, 0.4701191012816587, 0.5001249889074988, 0.9221563583015301, 0.8984061196349167, 0.7831805289600331, 0.9492692391083387, 0.8071405340585593, 0.8793517892173082, 0.058253616703296505, 0.7584700602830557, 0.9419709876793202, 0.25241990142575293, 0.4755292662416185, 0.33452338218545474, 0.08032673955429113, 0.1765415758668369, 0.45426625758143846, 0.03030030334841309, 0.11361974467873719, 0.5916193286934807, 0.1904996929878498, 0.6801263428057389, 0.5090005350713491, 0.15897843832569697, 0.8192062630540771, 0.2103783624495657, 0.31150327198837247, 0.8672356544753757, 0.8016056346237335, 0.6450306657450982, 0.15465956726922717, 0.6669304261071826, 0.3834608268073276, 0.8074035684291383, 0.012656328723461343, 0.848045757006452, 0.5250836111767265, 0.26321298512190205, 0.79295282522273, 0.4012113025060674, 0.8920657409329096, 0.86479502068955, 0.29548244860588696, 0.1644860699382803, 0.5341163158710711, 0.7027036748184408, 0.011865853176007881, 0.33484762629254283, 0.7852124807866303, 0.5340483122527999, 0.2235540391166167, 0.39021662194064133, 0.8898945851564779, 0.9440099580087288, 0.6337474259411067, 0.00711311508209849, 0.7834878770675894, 0.23972287463439904, 0.020133999284226052, 0.6852834658681708, 0.45026805750491794, 0.32403721742932495, 0.15391437759768511, 0.4635476042951302, 0.1929184738786918, 0.3492435711850669, 0.7163046295319873, 0.47886341738255067, 0.3045561954707537, 0.7537528870978282, 0.8718175685314183, 0.7096629595909474, 0.2049269028416512, 0.6046723408655523, 0.23984502581817582, 0.23746756750716191, 0.9623771278581077, 0.9070822949415037, 0.11354272934744473, 0.7687912512005043, 0.14329519292085605, 0.19499095335249278, 0.7907752600906731, 0.3899039501826127, 0.8901093887509187, 0.2288114725652047, 0.42167366405081363, 0.6860700005206543, 0.07736985692938149, 0.76104880184484, 0.41171564966319607, 0.4381931846113938, 0.9983217204271978, 0.4148696139802782, 0.15082031734705487, 0.3130828380707173, 0.26002985859840283, 0.5534084171873341, 0.4151965539131387, 0.2209314229364637, 0.8180983457205314, 0.3421662870316877, 0.21237409911992908, 0.008731821825161138, 0.30621884411619976, 0.3631718432271148, 0.6405788951276418, 0.6970295126729021, 0.03571354935084043, 0.7424652529255571, 0.35117628828314484, 0.7179764704492193, 0.6555446410019471, 0.6062802172170123, 0.10344570804549734, 0.7220916417034938, 0.4562128387058172, 0.7273258894438637, 0.2591915410574735, 0.5486589462507991, 0.9928725103487294, 0.41851745214731273, 0.06925605386602762, 0.4050002043162628, 0.20091147760912836, 0.9504578803755231, 0.1297914227776118, 0.8904329354927745, 0.5264983888575179, 0.9011968160258698, 0.14600191016657205, 0.8030231666894891, 0.89966223946086, 0.7771628427265354, 0.8341054266963002, 0.0947154891200228, 0.44573281165556033, 0.9574629970046359, 0.5203793176738345, 0.530961669307582, 0.7110463767586501, 0.05836392222295518, 0.9881919219112679, 0.07097614216019421, 0.9579691102457856, 0.3594876305351714, 0.4274993205875195, 0.9747451626100879, 0.02235886804672519, 0.015760343364042757, 0.39823654425212274, 0.5775537697346309, 0.7648949035889401, 0.2920437581371148, 0.9995173823377903, 0.5003040201381006, 0.8842215001446473, 0.01404230360631551, 0.9887985872632763, 0.32493054514744757, 0.7779074807179956, 0.9619133874654135, 0.37364087723686623, 0.28536872838558486, 0.18415065012737136, 0.768504245323364, 0.7893560614354288, 0.3385268189895496, 0.0015744656412171843, 0.30653639742406924, 0.5296808161507098, 0.9385517304243124, 0.8806336580021905, 0.5526055016330662, 0.9549445211712351, 0.9822518486360752, 0.4430045634950157, 0.8358183337854722, 0.4673317576273234, 0.7752145585587528, 0.29617735007911594, 0.29242252365148574, 0.16653334734943354, 0.22213299649303858, 0.6402545050961994, 0.9698203674384266, 0.47013732129901886, 0.7300695658291565, 0.7216182567171321, 0.31535777332854864, 0.7920189958358061, 0.7261282624306928, 0.4454545195587154, 0.23846297680260842, 0.07096001840248302, 0.31070902673316714, 0.34993849529648124, 0.047747865489515755, 0.6784261355306604, 0.38660122745956427, 0.40206768643241864, 0.12164338769873718, 0.4907419591879918, 0.6754687825797934, 0.248136133606602, 0.5483274509366418, 0.6759849061065324, 0.4317762366855292, 0.5701127964851254, 0.09313165902426047, 0.1903494935570248, 0.9559543994939824, 0.7203129138500421, 0.26614127965937767, 0.9541189206688798, 0.8054554927109792, 0.38003432933064485, 0.11109289424389548, 0.12203432027282003, 0.20338244954470866, 0.051643556363861635, 0.5582701914445296, 0.7868114174011156, 0.8488743544660646, 0.5343986484710921, 0.2793007180727362, 0.9782118093343819, 0.12163071585364123, 0.758085863331823, 0.7117211378722563, 0.37440877589239097, 0.30851308102340486, 0.48528790244187026, 0.17048024006975895, 0.10897515790176515, 0.46708522055269674, 0.7637716190842937, 0.06153066148549879, 0.5783627342319861, 0.022851409091751682, 0.5681289620254717, 0.12108205437542297, 0.5466957317327881, 0.5110963723196915, 0.5624265875333749, 0.5029098252733559, 0.5417936082368704, 0.4543052118934544, 0.9523320228964814, 0.1445490451982788, 0.11273333134033668, 0.6757407008362798, 0.44917291811001325, 0.931677350011881, 0.648973576543175, 0.5675839549821223, 0.40275161440524365, 0.264526769663391, 0.2662360189317887, 0.9849965220953723, 0.12233397152174887, 0.06026709953140415, 0.8350928954602694, 0.10624813643792612, 0.4197863312999043, 0.5241613284057726, 0.2325245218068393, 0.6055168093648184, 0.38573046846194403, 0.29713214731960796, 0.8234789995877904, 0.8468757379897724, 0.10248573616080893, 0.36405789258644783, 0.4872176826421821, 0.8922306182223122, 0.4993486653958281, 0.07359993588532622, 0.3422623621036692, 0.9787087516645705, 0.31992061252451465, 0.5370819982479133, 0.4616661136253035, 0.5416799359929604, 0.8694929073476763, 0.7216958163370628, 0.7455142738224874, 0.6612275801857018, 0.5871668332539948, 0.5388706692851941, 0.2074100154219207, 0.1500703555056451, 0.43817969030143267, 0.4867289075040203, 0.0792351329956387, 0.6894062199630528, 0.027787665376565355, 0.5641906828095664, 0.6649488252126656, 0.5563797512744632, 0.8255760057713575, 0.3764744048234726, 0.47735239274266716, 0.6831025472499073, 0.5647503677286398, 0.015390249419053488, 0.7419621894725774, 0.347606239961726, 0.1227711203432462, 0.740175001717283, 0.48384846962496897, 0.07288001464106975, 0.0032409970696513583, 0.8102574182028326, 0.19375089716281996, 0.46843634811716905, 0.06422342510705531, 0.7187465883249662, 0.06276034559545879, 0.007278494510040972, 0.029664716781180527, 0.16025707156487926, 0.5749772194317235, 0.3597422607117601, 0.23960004003140137, 0.4663254885175556, 0.6829329342743304, 0.7338148598996568, 0.15073135623670245, 0.19118365407219065, 0.8449666338440371, 0.7327124684422255, 0.3019146770137161, 0.023332938610193046, 0.96299177203741, 0.7671763880489313, 0.9673974787965482, 0.4928911488242529, 0.8188261210379305, 0.48213649965036454, 0.811070597244403, 0.9214304379625804, 0.974943073482575, 0.9634669148414541, 0.6328764231950388, 0.5450778979030043, 0.11708674763773076, 0.4022344983013648, 0.47048419024053956, 0.5290125376732027, 0.8657794302412917, 0.05617516207946211, 0.8498877415164876, 0.808517464696012, 0.2190873146541386, 0.004206039929487751, 0.5072559429187609, 0.5523882564453915, 0.04687645641652207, 0.09162992877054522, 0.057375902573263915, 0.6606757420148667, 0.961338621692001, 0.0940737236313533, 0.6817095989318784, 0.9510050158929687, 0.5727379874857998, 0.8244793731737481, 0.30074422014489993, 0.0700422230915091, 0.686328538328519, 0.12827880106728812, 0.7147826589536725, 0.14544272731130725, 0.573456155469158, 0.6667680166897604, 0.9875131391714367, 0.9340808629197803, 0.5535023457313903, 0.7645831502271105, 0.7696945148859451, 0.4713205698843137, 0.6448792031549322, 0.4072619353239513, 0.1834543123772571, 0.16081998172348513, 0.1697359594419341, 0.09751267696903322, 0.899790126864192, 0.6505146858281055, 0.912026978976913, 0.21757040735728075, 0.5701369028267953, 0.057490429097711584, 0.94337190745806, 0.6144079054257849, 0.07651316892881131, 0.9011240414100636, 0.12887222135989915, 0.0461363299270626, 0.11877548488383682, 0.17151678849815097, 0.6305348727310247, 0.752659322494603, 0.44287681424449954, 0.8528058669990926, 0.11241621325416526, 0.07761895397965524, 0.1735102546722939, 0.8723970981034646, 0.6695632191675733, 0.3972418626597142, 0.8396665695082929, 0.5694655684160208, 0.4820844900685498, 0.8637944300337577, 0.9281055087982995, 0.43940324650293217, 0.8439459239170446, 0.17944900049176926, 0.6832530507192807, 0.23495940928606904, 0.23140085263284807, 0.7042213245570728, 0.9084854545004667, 0.6452160424409853, 0.13467349939141884, 0.3906696395275502, 0.2717325940070201, 0.7490033159609619, 0.08538137097313657, 0.6248754951238931, 0.676390923231242, 0.9869279851059047, 0.09882430287548823, 0.2576817279202321, 0.6014278686261666, 0.00307648247863664, 0.8974790989370611, 0.3172450070116567, 0.4718288888125527, 0.3470477897193225, 0.6428675914497433, 0.24274662983022866, 0.2155070399008554, 0.6044776037604931, 0.08833310028748656, 0.2846952138587364, 0.8969472903858831, 0.09565429765418632, 0.4956144207251383, 0.9162610191575077, 0.32581529648899243, 0.7218925466829964, 0.9726422371125837, 0.8793801886103298, 0.2525741601839798, 0.5062583350836027, 0.5802897366871917, 0.8354738359388866, 0.7201064069990718, 0.25730465654526447, 0.09844234423450232, 0.6014838653521524, 0.647709023130993, 0.15529509963487798, 0.08439520110361533, 0.44029279220629747, 0.3868925436942736, 0.5464938080775541, 0.5276658746596634, 0.4154186767757795, 0.006601084367175166, 0.4313526952465824, 0.4106388626614571, 0.7984433763616245, 0.39410239846281914, 0.7063926797490703, 0.9485403839465336, 0.9530467514411997, 0.48285887976128783, 0.9006060671195409, 0.813874565320289, 0.30735099942564603, 0.3796388811280531, 0.8908644026918745, 0.702575672331629, 0.890297276729934, 0.40150461135926685, 0.3908461584637192, 0.36064736033487554, 0.13671407811582775, 0.024745751620985863, 0.5693929603330852, 0.3521906697772613, 0.29152534420230664, 0.4261256896014358, 0.5566220030334039, 0.38103748132837334, 0.5549534261686668, 0.27187486599796074, 0.6104922922689964, 0.31932766184880423, 0.7021115501315972, 0.2292338674938598, 0.593346115190593, 0.4676174584043786, 0.4044879542285691, 0.7286264638483096, 0.0747323793119469, 0.20391156461143278, 0.7210732885794593, 0.8327857555133438, 0.7793936830880553, 0.13864656503544692, 0.7073446403421226, 0.9694801558327674, 0.4093890898800967, 0.8773300804432301, 0.5662675862908466, 0.9657103351886075, 0.38191904549957734, 0.980877364388102, 0.2347648632196095, 0.658326422872308, 0.8729121460072272, 0.07838405582768862, 0.3953185461141643, 0.6270532490790406, 0.8912842158627379, 0.4955013573466658, 0.790080204434028, 0.7642663962741608, 0.12549857166337278, 0.23131521391042525, 0.9473802201181852, 0.6909897944014664, 0.5317010415348549, 0.06069965625490401, 0.47753866281712853, 0.45286095504433543, 0.6408876034532118, 0.10447844932132752, 0.03680745817152061, 0.3959715348210172, 0.7257362544475878, 0.09259629317236316, 0.08162210848153047, 0.07913961296651269, 0.18822942831659306, 0.0037064548404353898, 0.9284637679159237, 0.5333072609766759, 0.737102808981443, 0.17484602014628714, 0.5018272702905611, 0.6582318718451949, 0.6546546473739665, 0.8400077683243348, 0.4280176456617871, 0.8465491288753951, 0.4041749180561912, 0.6315739358851513, 0.39085832044974866, 0.32660289780967366, 0.3332461631429784, 0.616104020964844, 0.4232589653273938, 0.43708116931008867, 0.44603115976617713, 0.38445507604614526, 0.9409189313442914, 0.3047547770396097, 0.398489587597155, 0.1471540097541291, 0.4554524808560263, 0.08683875393473398, 0.6601370687629212, 0.4067914620124511, 0.4679772766731859, 0.1346457299324596, 0.4524126553694833, 0.20440979132156958, 0.09485028193205994, 0.6548339361497082, 0.17504397548152048, 0.9110306892718352, 0.7073034504858601, 0.7742046277550356, 0.11681803020572182, 0.20941338993118847, 0.5286266967097972, 0.3397491271519508, 0.17473782905913166, 0.1883006699634866, 0.22710057486856536, 0.33055910081176243, 0.31986952229898674, 0.5535706193722574, 0.49655611915575004, 0.6854556735933879, 0.7061031816426209, 0.22886312653008217, 0.31096015541138305, 0.3644896377731772, 0.28347043177426157, 0.9330371788012581, 0.7441206983891802, 0.34364170535537, 0.73470043234858, 0.7869768828563348, 0.6194094672730348, 0.0003356962987102453, 0.7374950824470203, 0.3824519128935667, 0.7514726274631416, 0.9153074034263265, 0.4084684541302954, 0.9201193919893478, 0.8114428895817485, 0.7132293192596184, 0.023761441970390856, 0.8861481040951927, 0.1174645192697361, 0.09129925390451964, 0.015490137257035382, 0.5218189205714551, 0.3085144159687897, 0.20043250947456284, 0.07411136236622788, 0.3358354414796513, 0.8268062895252432, 0.5177616470135652, 0.7223154265899546, 0.4612885457520193, 0.4916112435223595, 0.09710247760082615, 0.8526965172399985, 0.4965923145568868, 0.0642927444101514, 0.378974669300026, 0.7792475784398661, 0.3810576478484442, 0.3986231116508996, 0.8769143707117206, 0.40714625034636664, 0.7552259806415688, 0.5991214156313167, 0.7588377196496403, 0.04670266103076831, 0.016149008739551763, 0.34362638426925185, 0.9007235329092026, 0.1122628761028174, 0.5690452640260526, 0.8537567770906673, 0.07220009172352139, 0.5452418402918616, 0.33125438133707974, 0.8566755273436528, 0.9735219321196235, 0.21977645302418863, 0.31522472816129243, 0.5373743918815699, 0.6512343215668909, 0.9695020878428865, 0.4450956835752389, 0.05119378316652444, 0.5268059383427031, 0.8814304573098009, 0.3586966981514095, 0.24779419739192732, 0.6575499028770813, 0.6582215772939274, 0.123039868323117, 0.011669410694784357, 0.39534515350199084, 0.5214518539495233, 0.20568486347653026, 0.8214090840835298, 0.3818206763401304, 0.056047356309288435, 0.27068268386778654, 0.37757488364742675, 0.9891957630362566, 0.7779384715830173, 0.4612002938565377, 0.38424526484180166, 0.15578107957858614, 0.2938510239561517, 0.06533426267182948, 0.892393570799699, 0.6675452686555945, 0.18054588485678283, 0.4018401770275648, 0.22349937615797408, 0.8603027950693092, 0.012667600897037739, 0.28287574037031993, 0.7980389071070848, 0.6990569020248066, 0.8441993040765472, 0.2526387221587486, 0.510864481453993, 0.05531756755225708, 0.27566661908472906, 0.25996817193145605, 0.7851917580698269, 0.08846698798107651, 0.21544574255666324, 0.6404644390783099, 0.15520405757113992, 0.1946868212074186, 0.9286451492008818, 0.9797850329183434, 0.9586451316485752, 0.8177431196925712, 0.5066544463306469, 0.4453333212661261, 0.9354171990693646, 0.34483248490400187, 0.988693723533742, 0.0540006601242355, 0.5784252482663421, 0.4816763581685062, 0.9594810833733168, 0.4605258436173004, 0.7185183407735485, 0.5777720104694366, 0.6850189874375316, 0.579729276817406, 0.5759302880465333, 0.7702667398431262, 0.11303599452675316, 0.6106031111530498, 0.33547543843675254, 0.2557669858150902, 0.4228453322510235, 0.6996940793331718, 0.11567789966521555, 0.11964640519480713, 0.5258262747818311, 0.9446454975884876, 0.007551675582369084, 0.22565167693312552, 0.876592593431636, 0.8166870614453362, 0.2235134973375378, 0.9930818292239513, 0.9412543217275, 0.36845272545958296, 0.10764789141807266, 0.893158035328423, 0.5896578579680825, 0.09663346914209515, 0.42555082748170614, 0.7915608958766521, 0.2938068828675548, 0.35748499186343663, 0.809523218852204, 0.8026097073128152, 0.5361548395242861, 0.10071303195323751, 0.09109481012647447, 0.7975045762673666, 0.4369083643678653, 0.084649286076997, 0.8630773400489002, 0.8769687779947698, 0.5729599193623285, 0.8539171919675285, 0.6463165058061844, 0.5654508848376395, 0.9563771223293206, 0.43326744092832115, 0.44810837780854373, 0.10666780505579183, 0.46648454461368716, 0.00839147549182662, 0.8420936005018581, 0.690216831491764, 0.9200021672676273, 0.06680902810118276, 0.3464867550660735, 0.5565039052751044, 0.34404864534529633, 0.6503764792942741, 0.4572377570605576, 0.9875197164880843, 0.4069633947597051, 0.026850860034802505, 0.31546844467203083, 0.13569409073076613, 0.5222127027527865, 0.39355115831753795, 0.1676540346454034, 0.12367193349786834, 0.29806918992411985, 0.38172963395114745, 0.4687456937721606, 0.08058149320689875, 0.46712507137348713, 0.918416922930532, 0.2724564721598729, 0.5664241192811571, 0.34295996659651573, 0.2818048566267802, 0.22525374584982724, 0.2937059745535454, 0.36118245804989957, 0.37080656467654827, 0.9434907315296868, 0.9608515970715067, 0.17170248522173984, 0.7664509940042337, 0.458419621538217, 0.3663719166722377, 0.5345359756070528, 0.48656418722661243, 0.8905567331619456, 0.6621540983239763, 0.41301703848702553, 0.026484854445785425, 0.9334419834635423, 0.4850623714944282, 0.2995978124928953, 0.757924597646202, 0.9685302687192342, 0.26856114254263247, 0.8287761981117459, 0.3112548089958351, 0.5365316338193001, 0.9085166955292345, 0.9623166283310365, 0.3957454556206016, 0.08315199246055212, 0.3040262517817422, 0.4782489030740802, 0.6014734634657656, 0.9378620994173069, 0.196772889672102, 0.6683600122633453, 0.23840380541984427, 0.9647816492001486, 0.13449096404498237, 0.18815514550408366, 0.5954040755459945, 0.4091184942448558, 0.5642110046239021, 0.9079784420587245, 0.6919036763326742, 0.4113707099863989, 0.8950468924868697, 0.26586354798936024, 0.6345553943828226, 0.8851371367107278, 0.20777809021555288, 0.9972213148309429, 0.8544546485657519, 0.12193427394883911, 0.6383997804274023, 0.22968360577163502, 0.8434164432256402, 0.9029042084258943, 0.6631632069935052, 0.7343240770595589, 0.3663664808256216, 0.9298190798551851, 0.22121420382853885, 0.5844896728348832, 0.49842509298214, 0.7962373056548865, 0.3724534717735336, 0.06388426275377504, 0.6761630335099086, 0.8467820028583375, 0.5951226934972318, 0.9048071880601173, 0.2951237216081739, 0.7880869180064665, 0.4493175661425234, 0.29866793169450306, 0.27729407300573544, 0.6049900392192357, 0.6483120047701999, 0.6400282905143861, 0.5445567410059571, 0.2568952619336189, 0.7648493363602625, 0.6753901010434973, 0.5822350337833362, 0.8728518941481611, 0.09584857293896196, 0.09604667750693911, 0.4377381137107734, 0.3077971392756188, 0.002124669768776843, 0.467075398702093, 0.37295607204139514, 0.508325329305122, 0.43015592681221215, 0.5137648976315182, 0.6080941146490673, 0.25734473917004735, 0.5855691374385625, 0.8557616407829703, 0.3295391291055543, 0.6123383438405396, 0.2614947642034006, 0.6150703696883736, 0.23333487783244922, 0.9526802076307596, 0.6622309961618928, 0.06833021548841745, 0.698613673070354, 0.7557398114211497, 0.15508519463005663, 0.5617529254476266, 0.884421759053002, 0.2789135974565934, 0.3204467031292475, 0.2503362642944338, 0.5878651570804645, 0.34303236831993944, 0.9033563767400183, 0.021275875106351632, 0.6426511481255558, 0.9307557854887778, 0.6177818386277566, 0.3890786390273332, 0.5774195799287472, 0.40238385177316394, 0.678727484262902, 0.6781569272133163, 0.266263821482538, 0.02643936996245557, 0.25566642722568905, 0.5783589266882465, 0.36301117379492387, 0.22003392736709446, 0.07856624809831034, 0.4231222030242673, 0.043680335001982165, 0.010166153213134082, 0.6968721106385858, 0.34258980506380743, 0.8617929857260566, 0.46256409043151503, 0.3705772801684123, 0.5658972105156338, 0.3828990574239156, 0.9958966689620082, 0.5652431672864253, 0.41979984406822923, 0.8724735430557322, 0.9155907222128894, 0.4667340658162571, 0.9938828599377661, 0.44692323074075113, 0.6627561958738468, 0.2965090235770352, 0.23895959269119932, 0.8391070370314324, 0.22065180917122, 0.24287651166904597, 0.9457311964910392, 0.6969809898233524, 0.3439178041407114, 0.7624251805671509, 0.9586954341746297, 0.6247484184221991, 0.962715538504282, 0.07458164824255122, 0.06414559015577696, 0.4746399066372796, 0.35638069836649444, 0.9380020444875403, 0.45919402003485177, 0.09288691785700763, 0.6479115576552708, 0.9673469138967915, 0.4866611021692395, 0.7396935589891938, 0.9566855257162131, 0.4286103615688591, 0.24502655898112638, 0.4596721695405337, 0.8443822401328, 0.7050353404602436, 0.7262340088707087, 0.6538955501765195, 0.049834570539054476, 0.18586735182847477, 0.8121447927927568, 0.663355822556533, 0.5080263014705352, 0.371976718588252, 0.4417429967614612, 0.40515203952439993, 0.9638439867992892, 0.45079804395006096, 0.10212384974646209, 0.4856462036100829, 0.08430648602716566, 0.43746849840566493, 0.8963939494924392, 0.16168856056312061, 0.04589778298714727, 0.7162366651958251, 0.22421050821404775, 0.7647816256204449, 0.6765194854524972, 0.2994967400352769, 0.40148359817989754, 0.0700461056174274, 0.9872996535908813, 0.9496342509131839, 0.9536719406296488, 0.6959592736701321, 0.9598094263837523, 0.6252615860832231, 0.7294782311629464, 0.017791407134000493, 0.38987689512333223, 0.0860726992890473, 0.9362600402588516, 0.8359940272807878, 0.7863884540932538, 0.5573329100988879, 0.8977641828320628, 0.5269678811400809, 0.03729599234537072, 0.8453875590636964, 0.5787315986626708, 0.8682794786706777, 0.6911063664376143, 0.9850144287296131, 0.38900030820283493, 0.18352140462522676, 0.5718978399908992, 0.543721538496319, 0.13726141676132234, 0.17833500614128875, 0.8613898496885086, 0.9091435834941636, 0.5508916567178554, 0.4174898557863459, 0.06230820897947307, 0.9300081616291962, 0.38291155797350107, 0.21711823648959871, 0.35787873945458204, 0.9484156306481857, 0.19474852857328737, 0.6113674574772875, 0.1825799135223242, 0.528244333403997, 0.47209632051255446, 0.9686598389332522, 0.1649100557168691, 0.37001272925172857, 0.9022393015394635, 0.5020886435063774, 0.0995671892993846, 0.3703982196358908, 0.025824440150303423, 0.7629088411526714, 0.8781435132058336, 0.9546653406776309, 0.30350768512320736, 0.02446494939317084, 0.8687661818492611, 0.9016775613709446, 0.42345618758032033, 0.9211139585106753, 0.044498869678618144, 0.8273902995337751, 0.6842683746010432, 0.9094738318361563, 0.5151530043598721, 0.617527541661417, 0.5305998696444849, 0.27663770944168314, 0.6032093699490642, 0.7903629797910207, 0.3600290152745149, 0.8748963789203037, 0.07281903796118488, 0.9887024967941834, 0.018637105726712736, 0.6490840553909913, 0.8823981724688374, 0.571838609695563, 0.8206543480783682, 0.7497505619657185, 0.7167292690407145, 0.23836931488819132, 0.8661433942567378, 0.8369462494776716, 0.8051033805452814, 0.050043273703833976, 0.1828895455574444, 0.7160262581114825, 0.8429854377124655, 0.6422448925703509, 0.733852438939072, 0.13878444739878654, 0.9995950775196715, 0.15272470049339013, 0.03298714465983825, 0.3564841114279984, 0.16834897586090578, 0.6814581355260186, 0.40644274724106844, 0.17238043636820657, 0.003604127790911421, 0.2122483382455233, 0.5871893805501159, 0.22049357583841583, 0.8323892377777403, 0.02267871497436469, 0.7975978755963645, 0.4665723398081908, 0.01898042437094384, 0.2086370248801454, 0.121276435211539, 0.18804488717406717, 0.4067437220749951, 0.7046988070718918, 0.7096468125897836, 0.12395159461984773, 0.6345294390041389, 0.5317438087948053, 0.95241927872337, 0.8577448386021562, 0.1741287148773502, 0.45771124177373124, 0.7144308629452807, 0.41571724657733145, 0.7769633966673253, 0.6296199308112184, 0.3782593823385847, 0.4927245039224737, 0.6024198772939877, 0.6790985079809093, 0.30022600133631233, 0.5644485030468964, 0.770865227997168, 0.6061536472258731, 0.9296967025530669, 0.20648986221787002, 0.010091242260458839, 0.9520853265379189, 0.03565634356448188, 0.002952362654359121, 0.18162611497820452, 0.44658700258425577, 0.7184724995585983, 0.643993103008623, 0.436511841548898, 0.6760282536655452, 0.858029362935882, 0.2789073217436436, 0.6624945762637622, 0.8039941501460288, 0.3282104032336721, 0.5485218722035096, 0.0740606625914571, 0.27146343222645225, 0.0260736563214942, 0.9113453295677661, 0.8267590985260063, 0.4305216040950053, 0.7376752907098696, 0.6805586038004826, 0.46712710740199903, 0.15023410389945266, 0.38710377127944917, 0.558644452278392, 0.36486147428416726, 0.712113726399755, 0.5705406578237, 0.7822528056990485, 0.6812094718359405, 0.9358000919641007, 0.45639221390126894, 0.11675329267851246, 0.7825516429111452, 0.5623351837060682, 0.3954867887488468, 0.5622763351962776, 0.9170357569813468, 0.9085922705589042, 0.39301021967864425, 0.6676244658603683, 0.43738601648166997, 0.06290444709907951, 0.6726881022329045, 0.34522085940022895, 0.5204696489338227, 0.4582575972723346, 0.435728709105054, 0.5857679477916362, 0.08399982198866415, 0.6355316316503616, 0.3651857592457628, 0.19591996135774375, 0.2322015659146592, 0.6190485131886201, 0.6961842665188352, 0.7653501059169255, 0.45767910274286194, 0.12953107389389842, 0.7117697984558331, 0.7603256593931895, 0.4999568331857014, 0.08298804483610106, 0.3861524764885501, 0.9326914038547321, 0.9494113454535755, 0.6687095555474463, 0.08689612616407137, 0.44261800001223595, 0.71368765394446, 0.5202946136988313, 0.8781785461637266, 0.8061023353112011, 0.5058542220611338, 0.6107568313817899, 0.7016387905008356, 0.4365351027624391, 0.4439873286244733, 0.7175791406825308, 0.9716888452307388, 0.25610567426139746, 0.16376147351528397, 0.305281729918723, 0.8986017493265851, 0.07437578166846025, 0.26014515170281366, 0.7863169327069599, 0.2149239846556426, 0.32700755406889803, 0.7316431542775963, 0.006643211391606599, 0.5672496559843829, 0.37609367264851, 0.3110886316700961, 0.016299634936434198, 0.21186466841166077, 0.6630120254008164, 0.9800913883671933, 0.14724986672346346, 0.7526412818802349, 0.5479719425773779, 0.06303523139161991, 0.165382003067089, 0.45760155892849885, 0.47866655772514843, 0.3330033005958559, 0.22981003710172748, 0.9407300490132552, 0.8119519248407628, 0.6408243062778174, 0.8501862111422396, 0.9519267484757679, 0.4253034474010581, 0.9406877223817376, 0.3100672787768338, 0.45525527282703726, 0.8339522938319751, 0.1382851995498729, 0.5466646178252391, 0.41299725042732527, 0.8781676856150189, 0.3382922221622029, 0.3891170548913939, 0.08698379757385274, 0.8834836302810958, 0.8132283592255071, 0.7576640161457077, 0.9585368592465883, 0.6189674898394767, 0.6807363156643735, 0.782364057724485, 0.09312072968350567, 0.8300249243284848, 0.15447748122743254, 0.22555386362774613, 0.7096577411545477, 0.2688389687331122, 0.28877126099460604, 0.18661026325765478, 0.4378686343117618, 0.6610303320300341, 0.35030717418653445, 0.5725460364486745, 0.9779343059514045, 0.04256894054069976, 0.757742744451333, 0.383634447490501, 0.05086205217903869, 0.7823786871432481, 0.5451548606850511, 0.9901079704579238, 0.10984058675204583, 0.4430192326433262, 0.7207786782904808, 0.864946808029823, 0.05379156747133546, 0.5296182543229917, 0.7282854467101874, 0.9912873508468023, 0.8438168191616316, 0.806274846700159, 0.47537376642523865, 0.7599867047158447, 0.23529003142460522, 0.5839589342830813, 0.03736618995837555, 0.10410835174663692, 0.4981389597865308, 0.16470511222373868, 0.44818402830065973, 0.48742753897911484, 0.24745507693865396, 0.9712194159738758, 0.4666773282179846, 0.5601293495274697, 0.02841387637061912, 0.5123124430991568, 0.9453146126634819, 0.7420744929306804, 0.3420959095160926, 0.17512004762740746, 0.21036140744819212, 0.340928027842094, 0.7852606806183741, 0.5371594123438426, 0.5762417101304678, 0.7659784914669701, 0.3364481765077929, 0.09633555071630481, 0.8694234093902035, 0.5274594239653317, 0.31854788169160225, 0.4628678859151515, 0.45311972514955223, 0.20977184452805456, 0.7680554688106185, 0.3393567492310068, 0.5467309569544319, 0.6403973882154234, 0.489053298538366, 0.8837716680892959, 0.7319850236951617, 0.40557807884590746, 0.3046484482276005, 0.7802599517039149, 0.30152839100530593, 0.10683040383257054, 0.9187588261127172, 0.43511224634182344, 0.8892288319572206, 0.1618957252376523, 0.13438207549843187, 0.03733406466547467, 0.9031865032605472, 0.8675014590372028, 0.41131331343827915, 0.7334921859782602, 0.25871255827311784, 0.3560064123028208, 0.33139929527746514, 0.7852772268330022, 0.7817134393314799, 0.9091420402811945, 0.18747391543128306, 0.4672397772139114, 0.6526643554454368, 0.5769123238850329, 0.3969455356240502, 0.997386146328843, 0.17744096535654633, 0.9549590927702304, 0.8741745315156846, 0.10015930996311662, 0.8351155083689997, 0.9766151784570563, 0.11472052920026743, 0.33408688947622345, 0.7187359859908533, 0.8025090951355399, 0.385558450507578, 0.20201762370177362, 0.7216083883015145, 0.058574988910340776, 0.04243823447009068, 0.1693539022383399, 0.8720787043066003, 0.0683233570250069, 0.1914811820795189, 0.8974202825705353, 0.2841239637495847, 0.5230326094681337, 0.9850673311743138, 0.7907533172944519, 0.0828977051953487, 0.22364271518594192, 0.6685622854290321, 0.24368012624588883, 0.1124596210594459, 0.6219395842332506, 0.9052193178596524, 0.9747430236155378, 0.9268996546711594, 0.9652716307609013, 0.2829109391827282, 0.07595085707091773, 0.5551621035647242, 0.4062664609312585, 0.3260834413093985, 0.7424297568097891, 0.5088815013995598, 0.5671421251034147, 0.9094857710393964, 0.8496592031090955, 0.5633492153695576, 0.2298096152199752, 0.11248763696962298, 0.8423655641592767, 0.7618694542491203, 0.5042969253860456, 0.13913812559776778, 0.09178852474841463, 0.7179885368872334, 0.7236997808423373, 0.39627877064098715, 0.9438996938613082, 0.05830939311114858, 0.07815387059825396, 0.7030079252273818, 0.1680824556525568, 0.16982423111471107, 0.9516333367698344, 0.3695868414107242, 0.30338621535983745, 0.0343179569572619, 0.22489499161051582, 0.6074829666791683, 0.9403440218114698, 0.967384654768676, 0.2933999640250623, 0.9748437002389795, 0.8060290639789957, 0.6263306744762075, 0.12618128606123158, 0.5354437328968724, 0.9142309782660235, 0.11898535571567799, 0.9143010071446305, 0.8543033937573676, 0.7521844431831403, 0.6248494687157049, 0.8941655037993332, 0.6955985231523627, 0.9957307925428551, 0.7786835175789732, 0.04978527292254551, 0.31339197553086295, 0.9305200948314649, 0.5530801911573109, 0.9170456201587207, 0.18257966255302316, 0.8723745924589059, 0.9258487619377291, 0.8520314332833296, 0.10280665571753005, 0.7939509735283847, 0.6996066435606766, 0.9081093391749713, 0.6426853234829072, 0.6530495538520016, 0.8527065431929515, 0.6454081614312142, 0.7978702813629124, 0.7750101092296746, 0.9341211574316389, 0.03981592537331412, 0.32051886857718326, 0.6069992976962056, 0.8898435036503187, 0.7351343983473573, 0.3151083857074305, 0.9493434264953597, 0.26597790644896935, 0.14035507548968895, 0.9257480025984416, 0.252058786291448, 0.2637076833908708, 0.6483428168034975, 0.3423582795426514, 0.5036452391305694, 0.617999556989157, 0.7811827149765658, 0.10841319861118248, 0.894848589088551, 0.43805612920025383, 0.09544399436736392, 0.1723983752410967, 0.8450348884189913, 0.6921439652191161, 0.16315902180280986, 0.24807763149895237, 0.696578024039147, 0.25205234219006356, 0.006651972277328429, 0.05625946543558528, 0.3254552675915774, 0.6605518234491989, 0.7008576341688799, 0.2021874265983049, 0.9374086181820626, 0.5986238144482807, 0.6231453708809318, 0.2977690053310347, 0.7263012001910962, 0.4680626584087487, 0.5167563349693998, 0.6473012397013003, 0.7535480171208564, 0.8458062562112413, 0.23128660030877507, 0.7838176698254001, 0.25317912491781536, 0.4398034166784478, 0.8867159868333109, 0.2355106588869602, 0.6997714601882332, 0.09272204299992985, 0.41140958143378625, 0.3918269435359668, 0.08842071891657986, 0.24773195560168937, 0.9971669642868382, 0.9252675382660126, 0.7841134353871992, 0.8724826386323936, 0.615930453535048, 0.4354146428193989, 0.9930799494467653, 0.9360946201726176, 0.24165853901851064, 0.25435499097679715, 0.988147453573554, 0.5346001648013115, 0.9216129900156115, 0.46923489396883156, 0.6969748045398049, 0.40875157835330234, 0.6575059644688257, 0.2747123328374863, 0.8855773541599816, 0.8375414691154678, 0.37463941626638986, 0.6920476879638298, 0.3803439066427017, 0.9463910250930316, 0.8764148739909655, 0.565569065704324, 0.14717841735612827, 0.08420639242185311, 0.4148706433542245, 0.20120376515195898, 0.906268918703971, 0.9524014303191198, 0.5054311690327744, 0.3923735229767633, 0.8332374323032691, 0.2295891230373345, 0.03970251729371949, 0.3506294872290152, 0.6678699282209899, 0.03742207297414575, 0.8384673942197329, 0.5329563198135601, 0.22233344550660375, 0.6879683927429834, 0.3145740658135728, 0.6790414188879053, 0.835585321068375, 0.07776375145256653, 0.16857325762018321, 0.18246161328359223, 0.7906128657525264, 0.36195399192362865, 0.8925768753316756, 0.9474209825891623, 0.6618137074441781, 0.02573974397102147, 0.9975394967863606, 0.49308286803943346, 0.380441858921873, 0.73578566854071, 0.49609363885973645, 0.5062632473324808, 0.8078348381981232, 0.4963529380118653, 0.4326817948246171, 0.1492119124485292, 0.8838815886268679, 0.7316839233824961, 0.8526302748178349, 0.9949301628210753, 0.9267463327773935, 0.9765499927671503, 0.7851734826725281, 0.6784789495743637, 0.3425708111058535, 0.07556052325654848, 0.8880875088808435, 0.951837080239838, 0.17522540793712893, 0.7144970541610587, 0.5573683665514986, 0.27624568225361407, 0.09845395083792038, 0.9629266983363487, 0.4891837878688017, 0.27727048274011806, 0.11056386137277126, 0.6425631859596566, 0.4083203611280808, 0.2658736547703244, 0.9283022879486696, 0.7823294955738689, 0.5809524505247823, 0.04035399238050284, 0.11395561143546865, 0.8403629761995535, 0.7812128042275743, 0.5488807520954646, 0.24846829661673747, 0.9078248980227377, 0.09818522627725532, 0.6334697807347297, 0.7589642288914202, 0.4509946605319638, 0.19389586899639438, 0.37041046499261665, 0.13241913548861958, 0.4889505733701047, 0.6512995823547605, 0.7995386275803392, 0.211411120250907, 0.8865270820705298, 0.5765697489980992, 0.9341618160291533, 0.5832912075339252, 0.32498193905614947, 0.85620976641391, 0.08323387184631072, 0.5940087891015975, 0.8021910165524375, 0.45869723481582225, 0.6558994516849745, 0.5023832872708461, 0.28535744365544086, 0.8710069055359045, 0.2016118456014337, 0.5091238341523177, 0.15754657884120324, 0.03672459384691083, 0.3703226684819175, 0.2499715933125506, 0.6860390841534505, 0.5334710994979092, 0.9375292210615351, 0.3615445949413534, 0.5107988111712453, 0.6732229158603498, 0.6078265115325976, 0.33199863152230014, 0.39860206534307796, 0.11510092062972935, 0.9010996171872554, 0.5830304784864289, 0.15146446335640718, 0.339217435230026, 0.08568640249776464, 0.39951957790929626, 0.04930465447278528, 0.33574167495609475, 0.9797727845185153, 0.30444187873893835, 0.9518360694660051, 0.4590453435959009, 0.5226291703142155, 0.47010581580936883, 0.37613476306132887, 0.6491712377173149, 0.06968274653645239, 0.980300166040579, 0.11940245511574236, 0.24102940440276613, 0.11285725015019553, 0.14784927280449447, 0.9004726725278056, 0.5650731949652966, 0.24729316683327524, 0.09065937396572578, 0.8130272418488771, 0.03920398323884685, 0.1782147938095133, 0.15840685968302035, 0.17513659831210876, 0.46767500155818775, 0.6723208883888826, 0.09345411150969758, 0.28964627020159645, 0.30040717462621674, 0.7288168498777674, 0.91203375469163, 0.04469965175537646, 0.9586446183755265, 0.12910812330484983, 0.5848400023474738, 0.8874623333907253, 0.30390553611243454, 0.5227243638579339, 0.9246617033756068, 0.14444476884864924, 0.5894860061953227, 0.87119078297999, 0.603724628197728, 0.8167918584049345, 0.6075303338944209, 0.7987825610713941, 0.7683020868004566, 0.5595313501629557, 0.892578239809004, 0.6673027517897813, 0.4368111788840283, 0.7661001186752037, 0.7413614902772104, 0.7773175845286819, 0.7095198721021037, 0.7180121073681458, 0.8507480281163553, 0.41626533111337227, 0.2192251945375857, 0.6956295600110558, 0.009436480974530039, 0.05975239700980124, 0.5129768302685589, 0.14438664262930326, 0.6622996336309097, 0.013900627186201147, 0.5826634234261632, 0.447173137189643, 0.21335334296057978, 0.3759029323399665, 0.2173754462918301, 0.9613187390306931, 0.269673815442801, 0.773488585301255, 0.14233727740490648, 0.6329998716732388, 0.005871512809664568, 0.4675765597075754, 0.6660144369808814, 0.18914916260044495, 0.13748771188020192, 0.7392738601029586, 0.4668175703566714, 0.12298903511850273, 0.11281830232941197, 0.2672099419833394, 0.5991146850946405, 0.12061352009918788, 0.5483741800456876, 0.22031127252630736, 0.6092506923415117, 0.17336280931467996, 0.7411879365087545, 0.5138987541790044, 0.43015391941647196, 0.4775610019547353, 0.7221972181889186, 0.21412885959330868, 0.19420609949342116, 0.35305486901484706, 0.8085981572755594, 0.020861562990780586, 0.05090470521638847, 0.13940943489794796, 0.8037483995731618, 0.03117264333333535, 0.43627625304498674, 0.49461915638206566, 0.14097661808113418, 0.4241355432761704, 0.5216004824050627, 0.34277306494539683, 0.43311233927250137, 0.7815197432773447, 0.41888193259491, 0.4420202588997403, 0.7169588494188677, 0.4183662413062754, 0.9010189420603114, 0.42464146263707236, 0.946558632151191, 0.7086099805170316, 0.5325823359667212, 0.4014434464282761, 0.2017450740844643, 0.10012911663962214, 0.8537148009482499, 0.5497001144767779, 0.028097264577183326, 0.930499512471422, 0.031221093154485173, 0.537117212638522, 0.21241855903391021, 0.6509546650422022, 0.8862260288551119, 0.01785700933338049, 0.30009118523781436, 0.9516082330481392, 0.6892164168826387, 0.8764044159994729, 0.9815479273349415, 0.11098502787700024, 0.4395725013350439, 0.6874852367284132, 0.6207899723365211, 0.30438822681248684, 0.07684675574720558, 0.1066782955745404, 0.2874930106267454, 0.3978710344712243, 0.05304673177548853, 0.37109182086165593, 0.7518845233212912, 0.9942603876733798, 0.37679824070676193, 0.4832158465215206, 0.9689401958215682, 0.59022780660991, 0.94021425436937, 0.4171847898526103, 0.7235278367389782, 0.6870486410991994, 0.9918557201934224, 0.05329421267847834, 0.4565734683178394, 0.010537691571958867, 0.8509451679800404, 0.47750456498640637, 0.6859430491294717, 0.7247811483751432, 0.9211497412141463, 0.37305304906337444, 0.8083212676938102, 0.8777260717403131, 0.14885955059599623, 0.14082795800788875, 0.14187138811829939, 0.5596524994212319, 0.7365710126072549, 0.8985893039102162, 0.2784724218399195, 0.7087605421489278, 0.9436152670327272, 0.32010537021914365, 0.9954151201470478, 0.0038494945717346915, 0.284720691451559, 0.1579060777761605, 0.3741657532604642, 0.8525043500630118, 0.6073421695108534, 0.07099196716543399, 0.6908095726655851, 0.0009136676760007535, 0.5919685169840688, 0.5387589411179718, 0.9825578823973103, 0.8719986003078, 0.5845664010474017, 0.3827839350359691, 0.513595546224737, 0.27230732782985595, 0.5649785543249572, 0.11987992974392317, 0.19009198903350413, 0.8063295440167781, 0.4426193382896858, 0.5649078357100642, 0.6369301838828707, 0.24501304290130788, 0.3388102148482971, 0.8597350457889419, 0.16537885446008616, 0.7908282510389081, 0.9615030368492986, 0.5363608166030904, 0.8473669552310656, 0.8129424026229077, 0.39868492621837937, 0.2394458503988018, 0.17690185018012997, 0.9564124828799618, 0.47981295603447116, 0.7571905644711567, 0.7357874643856377, 0.44174613675662067, 0.26418746611829047, 0.3566563118606313, 0.6975758635497025, 0.3589881253444569, 0.8651975291668158, 0.31557354048594677, 0.3047162307778552, 0.46309113113619016, 0.5046063720188584, 0.2155841123066666, 0.6842959006181082, 0.10671508425547636, 0.30843472307065023, 0.33292091695176185, 0.5049390095859096, 0.742111836654419, 0.5115817495373264, 0.14030060662659286, 0.7742984224390741, 0.7761056659810583, 0.759902183419353, 0.3456606774674652, 0.9672404808880956, 0.23074301081764198, 0.2450827586456214, 0.16579709191535918, 0.19504835400984827, 0.053046360860777825, 0.4274641799618979, 0.6161679526245248, 0.7338721310286311, 0.8084642357316794, 0.5943256672636124, 0.9678229791576836, 0.6719332129750588, 0.38114739563390065, 0.6760006641582934, 0.9444286122116468, 0.3497459306375085, 0.5822897955296154, 0.7435462766724112, 0.9310220436792503, 0.3619743821367434, 0.03571203874740482, 0.37510024875010683, 0.8492153976888224, 0.9455008481581318, 0.7712526504395565, 0.4128165415039238, 0.5081573006997164, 0.6311307847829164, 0.9043496161242544, 0.3182666160241057, 0.8049666897921335, 0.8537335254313623, 0.643160685280068, 0.9499381404598872, 0.3578526415451838, 0.5239616216799254, 0.1518014281137279, 0.9021950257276293, 0.9813105974542992, 0.1788352117156544, 0.0006647995180997902, 0.4244091597364448, 0.8316236735093907, 0.7423150206602462, 0.30053731562253244, 0.6821979116532628, 0.6844188754248133, 0.7806204225185411, 0.6462967381799212, 0.6135224208126113, 0.20613916498576465, 0.9883727336889728, 0.5145185611334837, 0.5130594509261398, 0.30997841993001624, 0.4656034950622133, 0.9995649973122472, 0.7723074112932053, 0.5229937288739834, 0.3980578430907916, 0.19426663829914634, 0.7825979146691501, 0.20346813064500074, 0.238136699606111, 0.43672302185934786, 0.5764920398984801, 0.6125699183078503, 0.21687717379694424, 0.05574658083281494, 0.6739126252990597, 0.9457920469662882, 0.17575530352919888, 0.04231119592346185, 0.4353660548757745, 0.492530112842795, 0.6296284133374725, 0.7542749370150559, 0.5332706512070684, 0.6213556351054231, 0.9849444050382662, 0.02327869548000925, 0.2219696969227518, 0.42854823065412795, 0.5686261251109141, 0.6635024591828527, 0.9895180696830983, 0.03544491664155965, 0.934620792895533, 0.26106489430285484, 0.6742963904864555, 0.8498441446185332, 0.4417866552311075, 0.01996014641056923, 0.8204473028427393, 0.48891051345839465, 0.1460284389773673, 0.6840446469962792, 0.6400001773870605, 0.26282709760946515, 0.41259884103989364, 0.7132375503975998, 0.3715800332633302, 0.9786979177491847, 0.8152145940681381, 0.6041113282903632, 0.5786742934886634, 0.1217680295700876, 0.5710399472100173, 0.9531190761523815, 0.17881505934880843, 0.011521728708177468, 0.27103041693897967, 0.8416744254078629, 0.8367803913962507, 0.07826683621813546, 0.6238603528257837, 0.4166217508652019, 0.8583248541752593, 0.47095075875309633, 0.8236065860956996, 0.5869811883487446, 0.5500257017763384, 0.04608941343264536, 0.2838967147394764, 0.640510331134157, 0.8426528227626628, 0.5635846093762507, 0.3940405330582303, 0.46580622087296975, 0.044943261747942866, 0.4733655738738054, 0.2875688353608387, 0.9773986141654789, 0.15230605386316878, 0.7587626096450739, 0.827563128878025, 0.05678109156272819, 0.10239574562257102, 0.2091482846357514, 0.8888558110410822, 0.9225102315281182, 0.2518170910499851, 0.7292248414687927, 0.07577605323938533, 0.7651725841901583, 0.6377947661496998, 0.87588338302973, 0.97125246965866, 0.6624467325595496, 0.13078759661804706, 0.43615466122069935, 0.3718909345566713, 0.22767756912933518, 0.944243160437909, 0.2086942186609459, 0.9565091575972458, 0.12157520286641259, 0.9493420566693757, 0.45573251539972115, 0.35891532295951356, 0.298317833252343, 0.9644119246233566, 0.973990066210364, 0.320696519803448, 0.43944175887229375, 0.12711201000850603, 0.7163549646714016, 0.36156007793023626, 0.6212077638636062, 0.6022854075860697, 0.5773202346899069, 0.8686178578261371, 0.27784197569637614, 0.39584928955572707, 0.3988799944734389, 0.5423588097779832, 0.9927677102532964, 0.6667832344356039, 0.13608148208473547, 0.13722899133706054, 0.4799691607172982, 0.8605240013784132, 0.8758832088065196, 0.5767045378164165, 0.0396690865600243, 0.19679040119122743, 0.2803145665305858, 0.5065129680408191, 0.517533007594903, 0.1655466427544478, 0.009115346468070057, 0.7277364730229227, 0.9779965468733819, 0.01725141967141933, 0.7518405998732898, 0.5287733293540187, 0.15624537433870372, 0.7084903525631367, 0.2121941179778839, 0.41014734430310096, 0.7487758048353901, 0.7569842137697063, 0.40215462912042776, 0.46617588849526326, 0.8142618686852351, 0.04255946510925344, 0.895789024655665, 0.7333905365539923, 0.7011299241194067, 0.353674137427913, 0.9932318718667578, 0.9702808051592834, 0.4140016427193439, 0.8100802225198614, 0.552312804025392, 0.35030012722760107, 0.8802349335239613, 0.7560833115210512, 0.03705506341671914, 0.46837022009739526, 0.4654283605387599, 0.9726698454837961, 0.806572994009629, 0.2502588786549039, 0.3096557875014087, 0.6080267696771586, 0.7993419203390562, 0.8147886240506916, 0.6534523192423163, 0.14883541552477567, 0.1288689839332609, 0.15738647300689862, 0.3392747847065747, 0.41777942362176235, 0.7819794217252866, 0.3586739108889857, 0.12524108660758537, 0.4535408250486894, 0.5385283705960724, 0.6619053967395896, 0.5506589752046985, 0.5224401587427251, 0.982780652286165, 0.10103936681262378, 0.7020046251851533, 0.04439779603576381, 0.9347839481790524, 0.9901723733067876, 0.6852998615843087, 0.71291114749684, 0.33563012625429567, 0.5738781113460757, 0.9577868106550373, 0.7672926126579698, 0.2480497902267912, 0.34303768442583793, 0.10244102980523054, 0.7346074539681406, 0.9829555809658147, 0.810161610041598, 0.9869817856355113, 0.6939659506546018, 0.3106152266421581, 0.9336983929591897, 0.5766361335211778, 0.4114571469753092, 0.6823249582350702, 0.14682340235006397, 0.02247553446618476, 0.3759387703307676, 0.9711027992569797, 0.5329761479682041, 0.5526785769483322, 0.3823317043061988, 0.4852055420020609, 0.9836004508621733, 0.8780563184972691, 0.8999221093387487, 0.2341119002208784, 0.07358618367841097, 0.12063834754178104, 0.35609096876874313, 0.057878226026493576, 0.25961143187832886, 0.6580657399591237, 0.01923723299995453, 0.8047343515669748, 0.2292491870940582, 0.7474933373769592, 0.6951443135477666, 0.07276966707442309, 0.2483921375182729, 0.8065845267078149, 0.2232768475745358, 0.7667119455077971, 0.6729879946214044, 0.1209179875363338, 0.49300420467063044, 0.9389372953483373, 0.4320774811074306, 0.5269290742049797, 0.3764212847685514, 0.2755441254122964, 0.9517296990285407, 0.04958924114197735, 0.8270969193781393, 0.07344425374111878, 0.8746642705685199, 0.5193054914923088, 0.2952557477799705, 0.36024641463154916, 0.4151810676217026, 0.6656585817043164, 0.570529911848888, 0.44519879685773966, 0.4348564678900605, 0.9735576820077229, 0.36614914656746644, 0.17989987375569558, 0.3134560928137657, 0.49804025918207795, 0.30072852695836516, 0.38739141811157674, 0.24706367740580076, 0.7666986291646525, 0.3676534886316456, 0.6742865344664932, 0.7412956197051053, 0.2183859043619819, 0.34238147557297116, 0.7441677299010216, 0.6658415942362464, 0.497072216386912, 0.9253817574898995, 0.44151518128401124, 0.8894879712904415, 0.15919556644463465, 0.04430346331415221, 0.7740116492574234, 0.28217292520389675, 0.5340843281745247, 0.07795948803562174, 0.12759425282916506, 0.14944456828711025, 0.47016224263477413, 0.18276734260539593, 0.8654959637984985, 0.5842252772945207, 0.8224758794086751, 0.5001631905431221, 0.8114141664366338, 0.0856464220144682, 0.12137137154581487, 0.267577051363497, 0.6631536832815954, 0.8516389287737111, 0.19854451064871137, 0.2160742161833512, 0.7502778979879994, 0.3873834965472893, 0.7180737295417552, 0.6130145777539922, 0.06659707986702841, 0.8081356322120017, 0.8018821714127368, 0.006995667776981988, 0.6131600446947276, 0.5273489872743021, 0.2959691039142058, 0.8488438279389527, 0.07830518975186981, 0.6039403297186328, 0.3148664226182567, 0.1037543458098118, 0.8413323137682305, 0.14516523387526564, 0.44132871447430155, 0.5683516748738274, 0.6092854832148419, 0.13127702344838502, 0.46043742685883016, 0.09496455447766465, 0.3896000989394711, 0.9943387680290718, 0.7702886790033517, 0.29782365904442204, 0.5686911658528884, 0.2259236823805587, 0.417999474662783, 0.6356351532304922, 0.11248812690223702, 0.48879794198530224, 0.3475579227808713, 0.520519744687894, 0.802861242619618, 0.5665462208935542, 0.8479125352098317, 0.7559152740927072, 0.9713283170046805, 0.5698126612747985, 0.8360992553708465, 0.44763633533589, 0.20593553856142707, 0.9224148973179006, 0.5873377543625881, 0.8965580881648487, 0.30639495139638584, 0.8426589491201517, 0.20040851574024068, 0.052211212232859155, 0.936896293140214, 0.304985868128174, 0.4600579645398848, 0.5724663163963635, 0.7668242790605824, 0.8838520818007002, 0.4091403610309, 0.33795326072817145, 0.9407833187311994, 0.6193561259085415, 0.474501966104522, 0.6888205485662054, 0.10225349967407771, 0.9089481120507528, 0.49101543475796694, 0.21158532975783997, 0.3577695021509789, 0.9497517822710368, 0.27660029186038537, 0.7844559525788932, 0.5802029663792037, 0.6885199842299661, 0.2900932037932577, 0.11828324172815884, 0.7781331256280265, 0.8228855827339114, 0.16747848418704225, 0.735915754346637, 0.541635725005791, 0.2758505783447204, 0.7986603533341174, 0.4276770674497884, 0.6342464071505872, 0.6626741477786402, 0.01922496734740939, 0.6255992213514097, 0.22195956797147653, 0.6630294843822333, 0.2734523696149885, 0.6370753853080553, 0.053124262729068825, 0.11478559754102838, 0.9889647917507136, 0.11592465773312197, 0.6572232081248894, 0.46671971166110826, 0.7809710282450169, 0.3866366009554548, 0.07256268914450346, 0.19406909762777425, 0.6751370160385245, 0.6097297744879943, 0.169175849858769, 0.7218290999592105, 0.23092700341913353, 0.11915847480044016, 0.7681055102327148, 0.42174531241608637, 0.14117385640251956, 0.1859065458244499, 0.5066081432752358, 0.8212338230242219, 0.2807846591782003, 0.3610006429466468, 0.7903946420826788, 0.31601791221898845, 0.03687547891181395, 0.2536042231514234, 0.06728209415094696, 0.8863768804582173, 0.9797319008630467, 0.30583141877055314, 0.6652311343843058, 0.5617747802208664, 0.7377117070691527, 0.9608835426662767, 0.8270308796669598, 0.513528849385786, 0.5511994565889529, 0.15525440525726214, 0.8268949265471832, 0.8936196254707571, 0.6203989187124468, 0.40951528053635344, 0.9012695038138006, 0.6176755866991865, 0.9429345600715655, 0.10927947136343198, 0.7141780118762605, 0.7667624240382135, 0.2977019363693849, 0.06662854579943787, 0.24129811558247635, 0.20601563782133162, 0.49345066597263043, 0.8989043979507432, 0.45155043898865144, 0.34024945650725735, 0.08891973456970406, 0.8660721875393519, 0.8577483759584723, 0.35235490654247825, 0.5648598897595072, 0.39858668656416985, 0.3909409671642441, 0.6209262556685353, 0.5205255177740584, 0.4487223218068689, 0.24448076894350257, 0.8174355262490917, 0.7655717346229962, 0.8611756982834252, 0.5363491537907548, 0.1660866808860789, 0.08337703938371357, 0.15430524423219957, 0.44914258696473797, 0.6211668804476191, 0.8044083871824717, 0.050330728499821085, 0.3824945785287014, 0.13408666026616667, 0.7457038563464171, 0.11685843103212633, 0.30038891232164067, 0.8465386956502527, 0.30353242481225634, 0.8747461765054865, 0.07097374357382391, 0.6739117334829581, 0.35811725492580393, 0.4664632474492134, 0.07420429361929881, 0.3626119338293452, 0.7269688356652626, 0.3778843164669683, 0.0847908264901739, 0.7657008382113495, 0.990863657332575, 0.4886585680152823, 0.7856419720291818, 0.6416538786150934, 0.06914300291466159, 0.5840763385521455, 0.9555491266667752, 0.5935444754052863, 0.6198961971154777, 0.9932871058089869, 0.7820325359706339, 0.40444876948065034, 0.1279736324757003, 0.37242358908114714, 0.16371165692137848, 0.8542794642812475, 0.429686028081803, 0.11127921865426678, 0.06274771389514448, 0.18056648703439415, 0.571120288932744, 0.7273688472590514, 0.8386763463772925, 0.6352216166182048, 0.12267997171908931, 0.3296918445292333, 0.16598430071599093, 0.9945787980061311, 0.5944203211640697, 0.6316798915241961, 0.4192574848518359, 0.6637849600489654, 0.056136532563369965, 0.22334371862682392, 0.046024388822747966, 0.11439117590394092, 0.26795860120101544, 0.38440940961045056, 0.16040672707481513, 0.023108862022149602, 0.6517084291905704, 0.03818148201778906, 0.14631503066674564, 0.06633007096625432, 0.4184707936728864, 0.909639375745558, 0.6675230153095131, 0.6675255925208033, 0.37157854395114165, 0.8202195912752575, 0.6813243628893686, 0.5126488949139292, 0.9637257044810384, 0.12364503308233141, 0.7358213366397444, 0.9098071343692377, 0.11342602814169189, 0.05105397667686275, 0.9344237284737484, 0.9989448546687084, 0.5259291332446129, 0.841586873817042, 0.7586271050928848, 0.5204179459650332, 0.42556648406611297, 0.5036915326164727, 0.48893588313143876, 0.3644883653070162, 0.7815852061887127, 0.15192133407875727, 0.2188008206293275, 0.8392079078700648, 0.5976778787062041, 0.0036820582345811308, 0.8314616575666172, 0.08483325518769994, 0.5857175112579908, 0.02099072208277916, 0.8057710396392801, 0.47003273848589866, 0.06197750398099088, 0.9358540637381264, 0.3086295049357167, 0.10115474825713112, 0.5350690537541372, 0.09415333986945579, 0.1270280467309731, 0.9509377483578659, 0.13643882707981841, 0.22747228077348186, 0.15883033766068363, 0.9018964912406997, 0.4629983498666549, 0.8715017339333718, 0.8831499609543896, 0.6225590239029646, 0.63482974486436, 0.32730479848253, 0.9523863544460525, 0.23422337334342927, 0.11665628060429972, 0.8375974597657208, 0.8356698534653157, 0.2562759556672855, 0.0027179571568278975, 0.053170163201666246, 0.20058200209773192, 0.18298027957496354, 0.3755430857508856, 0.7102143561138817, 0.06778084139443541, 0.12795948156798967, 0.8301755585352617, 0.39206566680379784, 0.47933446431492854, 0.9928946645269572, 0.43265156490849754, 0.28485426380517054, 0.5212760553298184, 0.7577953910967747, 0.19442490897150896, 0.30024831671212776, 0.24171690845839408, 0.5468103262016899, 0.4273476462575292, 0.6084893029104864, 0.32613343116462, 0.04398349733320872, 0.21993177095900937, 0.9203580575130195, 0.6254255196034652, 0.33161218576856955, 0.17170131427966587, 0.8448617955168096, 0.13417288957885032, 0.8593192379830243, 0.8902506332745536, 0.5857312350613467, 0.38120911896281806, 0.9261630169459139, 0.14765175304661135, 0.7137325623110888, 0.39919249072743734, 0.38991440594153803, 0.7757716895314133, 0.8479380440506055, 0.8548209582996538, 0.3911948434457321, 0.12250129277683695, 0.35885003031638696, 0.35537499163847086, 0.11725327832397513, 0.15284432523572997, 0.9223143622509689, 0.644619392826285, 0.28523915950720563, 0.9267354700731457, 0.760949237331908, 0.7306734527975711, 0.04013921777411849, 0.6551381530585375, 0.4412779868723975, 0.8507707729554883, 0.54093850632346, 0.7182721961466572, 0.9390203180998373, 0.40172948276195086, 0.05357594467032468, 0.1322431682147051, 0.8435199174073822, 0.109998872411549, 0.9463641367692035, 0.2890394586566813, 0.33531257760170585, 0.8580149260852827, 0.09940980477627813, 0.7599799737895817, 0.03363626921118289, 0.6356529095315664, 0.5750285043905619, 0.5135365624751138, 0.07247306515444384, 0.4088038438198712, 0.5944396624845971, 0.8691815578879236, 0.9768700863884516, 0.03329424639427619, 0.9631977288374115, 0.5954775212448185, 0.28292253324802186, 0.3890399739323731, 0.660571193596657, 0.12782329516978067, 0.20063180688173152, 0.24713267609647693, 0.4424905926370687, 0.975020572786515, 0.8549802751035598, 0.5033569078705967, 0.43856117795415606, 0.8757621856693605, 0.9332739790518316, 0.25260442504000025, 0.8350843546867102, 0.0647711875290021, 0.7265382687379385, 0.005326096318715793, 0.9841441407965221, 0.6088394376622683, 0.3076054937531362, 0.3473064384648378, 0.8316582071948107, 0.39441408898981833, 0.30811003212099314, 0.9801889295201249, 0.7243313210225997, 0.5386377054694975, 0.6552709789118552, 0.5043977533343771, 0.19288762862504963, 0.5160448565683058, 0.8387177440430278, 0.3558273593678407, 0.8223103385382851, 0.8452417647404729, 0.30628293591032546, 0.8633797131937945, 0.7289011748095922, 0.8818607232567751, 0.5501429301583624, 0.5060103469307223, 0.9079951546068756, 0.9556200164783883, 0.7462094012343301, 0.45675094746873524, 0.16978269696279413, 0.5938258641167604, 0.7760555534220857, 0.26596533989899834, 0.4151891720666301, 0.6293276463893066, 0.2547361391343938, 0.39080694085358947, 0.9559612021044561, 0.9559993670518855, 0.8372892995995569, 0.06797122673640675, 0.6056925802723341, 0.2994753410662858, 0.5234266215086996, 0.7021373973953753, 0.23741085867535494, 0.988452636820015, 0.8858786325919794, 0.09968886503881096, 0.5336931087170298, 0.7689956172879183, 0.5688961429009097, 0.5211242242059624, 0.5331828126608444, 0.8937048513589056, 0.0903918626178999, 0.6543286988360328, 0.8636381910568803, 0.49656864789058797, 0.7434733166344578, 0.8251635885662534, 0.8561428338921224, 0.2593989150496869, 0.26606871017009326, 0.5705668064725837, 0.4436138038720159, 0.12570321578447236, 0.19061132666318303, 0.24737619014368636, 0.07388573897729937, 0.21568856941188252, 0.7208176572789514, 0.09139893745786956, 0.8502898679951121, 0.4180929330324705, 0.26406793269694523, 0.11987465864624818, 0.8674355409680533, 0.25400488474762495, 0.09524820286256663, 0.6972796340688499, 0.9717268895262083, 0.2885610943018893, 0.8931066266201593, 0.658486497649353, 0.18199630406458775, 0.29143572130914946, 0.08600828618582797, 0.06798460944204507, 0.531130136552878, 0.9372449055582538, 0.7845331278734841, 0.8947707930107294, 0.9685145622210597, 0.6602589356452234, 0.6672734543974745, 0.8082841559543554, 0.7991674279869697, 0.40212511378152904, 0.7903823653387199, 0.04255467459739894, 0.40477794779520526, 0.2607395512871836, 0.8708143690856847, 0.7294894869723834, 0.4002359456262874, 0.7280954845767889, 0.7463541709798087, 0.8540457459306623, 0.6735146281403397, 0.031605437125471064, 0.19749725604382112, 0.6935319060173143, 0.02207918657035385, 0.08456117932859014, 0.7600964558400524, 0.7375018374362822, 0.18968246699145977, 0.6219702699551528, 0.7687952017880022, 0.765195087885856, 0.29576419702884826, 0.6626000621614295, 0.13899780459832, 0.15582038502996975, 0.2599033377067715, 0.8667080298851608, 0.9328348183045352, 0.3649672440612646, 0.7635848381809061, 0.7302402535623711, 0.4603415456861927, 0.846467766008626, 0.12371431238623304, 0.9464539146705816, 0.6973560052682022, 0.7369434875034444, 0.3680482704778413, 0.4641006081429977, 0.09337592399760354, 0.7993130987168339, 0.10940627574902556, 0.8353871055285369, 0.96158483910873, 0.4020701795455093, 0.32172686129372147, 0.8467318559199369, 0.9952448017911665, 0.006561049689092043, 0.9630626894513242, 0.8320360083614898, 0.45874431879784516, 0.8638123346213201, 0.2863032450749163, 0.7940755786711412, 0.007753586030555489, 0.06564892782255721, 0.07021299028545283, 0.5455646938857898, 0.6997881166319817, 0.5912455102840828, 0.2029490957172422, 0.4043703755584691, 0.0728400285568383, 0.031876028981647896, 0.019627422627359975, 0.602242432544396, 0.5066610293266207, 0.45919020782955455, 0.1401248051569943, 0.41646852290522196, 0.4575732326259262, 0.5827671936481786, 0.46215605619140765, 0.530639504800366, 0.5063900558070873, 0.9686998514321318, 0.45735999172282404, 0.8273125661232088, 0.6176993843292087, 0.31032653617347716, 0.49043099181175487, 0.9490675589587986, 0.7120164724901314, 0.44848487572360296, 0.2937444808705306, 0.7444324328033121, 0.7672598242675875, 0.32059016066360746, 0.899147918429515, 0.9466167511535424, 0.14729746783999254, 0.9554468867997132, 0.5398706598026035, 0.5299686811598947, 0.9234643101485915, 0.616068079721001, 0.1045213443523557, 0.07777654640311751, 0.6156940535413198, 0.022380119385602606, 0.4108464076617532, 0.7867975530537147, 0.3327437777972829, 0.7956887709989726, 0.08296759834711828, 0.8508197992154259, 0.3002235560784191, 0.026802461265042394, 0.7700573521392454, 0.9980693292100548, 0.047558268509520406, 0.0750156656186737, 0.32515055988371877, 0.06252047841628151, 0.916050758278209, 0.9505963318612843, 0.7403353613204862, 0.35044557902660767, 0.23593044410421773, 0.08114594722422779, 0.46319709472351445, 0.660311857237594, 0.4575702251471161, 0.16187869096893298, 0.5901158074588198, 0.7066943831432622, 0.49049768746779343, 0.6422124260805737, 0.10525430429503631, 0.4696766305476796, 0.026337587342313475, 0.6687108178954091, 0.8677125353525424, 0.7171473799479606, 0.578045384485244, 0.18142885999197428, 0.7032918130673511, 0.4525638444350498, 0.7696368511958828, 0.740541973672253, 0.30839255359623763, 0.48812264358171276, 0.6636269291726489, 0.26724586475324247, 0.09860572713497971, 0.5137348790622849, 0.09354556492783637, 0.030433078576958407, 0.3505500315929586, 0.2774587984922835, 0.9276970473319258, 0.9671340420831495, 0.5222117024557351, 0.32633542168394825, 0.4581676282127215, 0.4697272657601719, 0.37174924751322946, 0.7344789900937441, 0.8607788604386757, 0.2790119759724583, 0.9841080992244496, 0.7020573032787326, 0.8477418987981729, 0.5200524958517774, 0.4071575355838808, 0.6691894700917405, 0.4014233319395346, 0.6785018427471481, 0.7439326447829787, 0.8053418432515552, 0.5969064488614148, 0.6287658789485049, 0.7689806307615784, 0.9457129081374539, 0.09640275246022836, 0.6152352842113815, 0.11449526181289289, 0.9465500156089884, 0.056554286172097464, 0.9502078826633776, 0.23722122147058286, 0.3743194790377484, 0.7396811348048664, 0.3215758404379931, 0.21473938733567147, 0.3516553644737397, 0.16976167225321226, 0.15342569634306497, 0.6409601223744281, 0.05345325492386103, 0.45924904411397116, 0.9764622731303352, 0.008986580581045234, 0.9768685947505619, 0.4145753735227753, 0.43134738322797783, 0.564800117951881, 0.5112250792594194, 0.12262799028926047, 0.3098417214180624, 0.16840342168628883, 0.645656371443877, 0.8045864902934616, 0.404056889295895, 0.15694465838586563, 0.47539278234139504, 0.5458615868668761, 0.667659341761357, 0.21555267362488925, 0.9424709358088007, 0.8712352909510114, 0.9297158737933338, 0.2616001649326139, 0.9874029889186436, 0.5133694594728027, 0.43464511756393753, 0.08607595655804745, 0.37209653541615817, 0.8381420257265735, 0.7207173631111133, 0.467866487472794, 0.7441149845349058, 0.5833659600959669, 0.022209977482174546, 0.6151825093035458, 0.8790283818010298, 0.5918160937032335, 0.8234626036129664, 0.6673462907069215, 0.197117805306438, 0.7000868439423051, 0.162873827777987, 0.16973272291901745, 0.9146642576025363, 0.24289033207194768, 0.9602845637161356, 0.3282727176709602, 0.553074452706716, 0.7030730159589756, 0.460721275350799, 0.9518838354112684, 0.9015897790266938, 0.8147038022279327, 0.21629928517466632, 0.19743506664431337, 0.03780751368219738, 0.6867145132257552, 0.9321140854092664, 0.7544180562151738, 0.4076061026231079, 0.37813668789211996, 0.49926942739014046, 0.3765794431734213, 0.5558572124501666, 0.8108817972210991, 0.6661802637326176, 0.694255793958864, 0.3748774697304085, 0.4080258734757135, 0.6652017724087913, 0.7011529491964408, 0.16587943652272436, 0.012828840635828932, 0.15717539778796016, 0.28156760344090004, 0.37760535411258245, 0.9676644292228535, 0.6898622734246223, 0.9189796151755982, 0.29616460618652246, 0.24110165732280361, 0.7775407268362882, 0.09456397795796799, 0.9049150331874358, 0.18161509274277937, 0.05171945168868338, 0.4649725186993543, 0.5218989759898772, 0.6537688882117132, 0.825923554901481, 0.3261846676891119, 0.21373069631307692, 0.38312790639843763, 0.4708271655835844, 0.502458326195536, 0.42394251335598754, 0.860485665732767, 0.9157395948824144, 0.5048580744700155, 0.9310074257491797, 0.6216812929622026, 0.7609068349130224, 0.08608911263410095, 0.09605098344711437, 0.5438725258911826, 0.3938875767745923, 0.8010922565245302, 0.6907856978545104, 0.4761466242618486, 0.8992357754217783, 0.2779775785771799, 0.9067768531179762, 0.855021462830204, 0.9772054859498133, 0.0976897710007616, 0.4428355265126025, 0.8877377973621962, 0.8700294539799678, 0.847178834985496, 0.5222060986008397, 0.8616688533889191, 0.039961278710606625, 0.054646582565698286, 0.08630249720432051, 0.3064211347895409, 0.6379729866991517, 0.15115420680132258, 0.41379224687696936, 0.7342320404244616, 0.8382157791746231, 0.08636354406259603, 0.974341061092626, 0.3272482100343822, 0.37172133719725065, 0.24034254769017677, 0.9208289504322189, 0.20221713628996602, 0.8837970164957204, 0.17604077245801053, 0.7161484078709097, 0.6802247356149025, 0.5728198274711065, 0.24647488392521819, 0.8630926286533732, 0.21330713803171744, 0.7347341559289087, 0.3748158256288091, 0.33315097394192317, 0.7992150026236937, 0.4545018362154428, 0.19690674030556865, 0.6892704310270217, 0.48046675768174785, 0.7398786965400682, 0.3238550748022571, 0.7115269357424834, 0.7263314669394304, 0.8736744273915296, 0.7370327250624695, 0.3478630853420487, 0.5939890332013427, 0.31980211581628404, 0.946999948621235, 0.28582251601830816, 0.7207810667279564, 0.05824770225664239, 0.5449302474298674, 0.5197032998017159, 0.7919305228574722, 0.9282274831481788, 0.8858407535029613, 0.1680227806590155, 0.8720487613938845, 0.5124805648455111, 0.2787013221004094, 0.00044099972284257234, 0.3906511017657083, 0.07534247946095957, 0.524132034621863, 0.44444499693314854, 0.60277031814542, 0.16089288088263498, 0.6775315348707142, 0.46804262616480763, 0.3244712753699771, 0.9234335053742931, 0.08260107369550601, 0.16603131058281262, 0.950474773701327, 0.025669600306205364, 0.6499812693477307, 0.9321967453723032, 0.4029367947511936, 0.7155235545699757, 0.3568097997607197, 0.6456225035711536, 0.6305520425020494, 0.47918262730628935, 0.6487942572672991, 0.31032551664315666, 0.5609532280799634, 0.547787778944401, 0.6220145807433849, 0.14294304876208092, 0.3278714121462536, 0.03873471034768998, 0.4058144817030124, 0.00023354325835369218, 0.11663428898850876, 0.2089763790605058, 0.012379369284248116, 0.265943098352024, 0.19214352191952, 0.8377243772665462, 0.05920811563666387, 0.006453865007532904, 0.496772492156654, 0.3170002728566792, 0.20168481681937153, 0.22565891085729828, 0.21306242313856105, 0.7450459551150292, 0.32395791437788696, 0.8009995262061476, 0.5235914012848706, 0.6206423145774855, 0.7517913963714293, 0.7536163894462725, 0.29489220750471873, 0.0350433210622014, 0.10177601933075645, 0.34451414700532645, 0.3291315744983221, 0.7996776045120897, 0.46953977031147076, 0.34582783511338544, 0.2949494823757711, 0.25845578865168956, 0.7362536677238255, 0.6771035030316613, 0.09987143020023459, 0.16434580798062748, 0.3937547084845934, 0.7644242613064216, 0.7339921627404559, 0.1323820390131467, 0.7514443067408003, 0.5686790951016011, 0.8533052637323881, 0.6485956211451407, 0.4904989806803589, 0.03144032269404782, 0.9527097537597174, 0.8251272380627872, 0.5072324990694179, 0.4336081261052186, 0.3371860109578667, 0.12331515549802925, 0.39100844121609335, 0.2468605100038382, 0.5069556133460695, 0.7183319715399883, 0.9187796366136723, 0.5269776307439991, 0.7843389590200271, 0.3437119638622149, 0.29045531548918974, 0.16902338346653986, 0.6868569119215182, 0.6914707129595021, 0.029096627874842806, 0.34814068967692813, 0.6962339916480489, 0.2831183128358334, 0.8781799023922062, 0.22485302905280427, 0.3129033090237657, 0.6236509839032061, 0.45801193611791036, 0.7447057614753204, 0.3126891730853133, 0.7130094173942232, 0.42778684011480117, 0.40417352011171614, 0.27325085760973233, 0.3890996383424291, 0.6053077896970964, 0.18054618179955687, 0.5741753542247893, 0.8423155748054624, 0.6539190120353827, 0.5035889763244135, 0.9619019582907444, 0.8444041678677751, 0.7954558065725754, 0.2537611843634926, 0.6794289421251476, 0.2728168930623408, 0.0831858831910371, 0.9820821087313648, 0.5935850175915522, 0.8141284773376036, 0.644536560458336, 0.01518816383207988, 0.6065141982334302, 0.9591906165520656, 0.8050700595055226, 0.1614495792420217, 0.0063358145881709715, 0.22105543771974695, 0.07407276655187225, 0.030142699211585713, 0.4932930653213612, 0.319995329332484, 0.04370522112976954, 0.0028548990892241347, 0.590348344359475, 0.7315460091669357, 0.2164382763915009, 0.020640874570653934, 0.17928296728894894, 0.19238849180299797, 0.11572776420577767, 0.47271364261734705, 0.5395712602679383, 0.1788301690000109, 0.4303025016383498, 0.9421331490995439, 0.05443210664967037, 0.9669809506313909, 0.948043502929814, 0.4535697839322038, 0.6116035928771422, 0.966029758183011, 0.6854039191573937, 0.14730333880120355, 0.7536804050753183, 0.1652690966792831, 0.35035146413516427, 0.697959649877782, 0.7748311272650239, 0.9451440918236056, 0.5861621206538736, 0.8274939533751183, 0.302490465638661, 0.5916598353805314, 0.7807169071080574, 0.23076456524304342, 0.6676510095603183, 0.8740003623388326, 0.19195343446354143, 0.18951906151029638, 0.9179834303869588, 0.7034712840924314, 0.37158674611835063, 0.9512806414542535, 0.7940728044647033, 0.5939574927924116, 0.994835822234981, 0.4684172885577679, 0.010045325439191231, 0.6761890989751462, 0.3924754390207904, 0.07670919678991693, 0.5628570010322955, 0.4097456153841067, 0.9640318035855946, 0.4896593213486019, 0.8665448812798088, 0.841923795874975, 0.43149049521406146, 0.552387579641006, 0.1647826900618252, 0.9151607506248642, 0.285940805700678, 0.49630787943798393, 0.8906707458250369, 0.03364756311172881, 0.31195286584275583, 0.05877072395935055, 0.5303569116069187, 0.3979058607987427, 0.31369957827872097, 0.36884775669018643, 0.5490694803497778, 0.8164271049756385, 0.9810865808557584, 0.5150655585071001, 0.11448742248069738, 0.3849314420912071, 0.110260306781828, 0.3324499353885195, 0.8081266340713708, 0.4719447012407382, 0.0688559809552987, 0.3878687428687688, 0.6576563540755448, 0.05097969903705159, 0.5982252802384953, 0.4455757602249225, 0.934898899647831, 0.20831671571515378, 0.41073901410903724, 0.18215608329689056, 0.8068108960981704, 0.44712188519392737, 0.5188678460037882, 0.9797281704538596, 0.8000689279487716, 0.9145296266316769, 0.9703580933067315, 0.2610269327665749, 0.5520407223458594, 0.9462720396182338, 0.16748020069619543, 0.9393523557927155, 0.9953574200426145, 0.28140283814935085, 0.9760985626087922, 0.3318813167622022, 0.7381071270557238, 0.14009470730264145, 0.018504919000805135, 0.7068916433403217, 0.3465509631612701, 0.09079091696648524, 0.6413961759298175, 0.18252501965149595, 0.249906515647771, 0.193899148048685, 0.7107455070155334, 0.3859134301564918, 0.06585870551297396, 0.3754317618262083, 0.943208088795756, 0.7105620702287246, 0.02120717626027477, 0.06361479758153044, 0.1930296766738183, 0.359619551802668, 0.675465667016838, 0.8565530470441527, 0.9535376309635759, 0.33214539207583993, 0.7648253878936434, 0.6643030932102335, 0.16440330002749184, 0.7361459009091055, 0.0555376795975066, 0.18784282317135043, 0.8778796881454084, 0.33777766446795277, 0.4602666062218046, 0.7217177819563676, 0.7191736502466801, 0.9034779844669745, 0.5692089657528032, 0.5269524455789673, 0.780624438294623, 0.8440276546043808, 0.5923148091551553, 0.4123328471310286, 0.961050029315323, 0.6079135727831508, 0.7345044752525011, 0.9761205381022622, 0.13792001274249985, 0.20736404387419627, 0.11037871520955853, 0.38091359488254706, 0.10185134425817548, 0.7021194499161192, 0.4868255339885722, 0.1613255746764006, 0.3935281899431442, 0.343422873918904, 0.5233785096301921, 0.3238127984531727, 0.6473044541800634, 0.19466544101236527, 0.7873762050161297, 0.37577890466659203, 0.9356815006988964, 0.25236176605059724, 0.5982274227300595, 0.026396801411072705, 0.8764569551648002, 0.30247303847140633, 0.46281182212363836, 0.07966959044708095, 0.6680998928015836, 0.3450934013434538, 0.8712327587628583, 0.7945283776166336, 0.6495052720650215, 0.09039767576220659, 0.4647037348629426, 0.5995181191997397, 0.9958233094002968, 0.9311411912006068, 0.08565527539534804, 0.8261718900014939, 0.6441873557177236, 0.5258952233175911, 0.36689836274454835, 0.2612767794073694, 0.586944296899742, 0.7025305639411503, 0.8355623619776016, 0.9910273090427258, 0.6881695969941474, 0.42588749235903, 0.014333558347820019, 0.31439193918803093, 0.5679119249504077, 0.13292150891506438, 0.9351351907948705, 0.16336077320360368, 0.4276039101176615, 0.45599532465942105, 0.7515835745966328, 0.041744251971624236, 0.25881825020898797, 0.5276302164709287, 0.9030859887398816, 0.4361865964922027, 0.731686232308167, 0.8587622587489911, 0.9858320936541515, 0.8338720410247572, 0.7049609465411428, 0.3113922220963613, 0.9960533440446158, 0.3549251996363484, 0.03375312640675928, 0.8883404718514254, 0.9279248958777149, 0.6335353613547365, 0.7024336598669023, 0.09900048263691012, 0.6774056213722971, 0.27659422538655465, 0.46742856042621694, 0.14754599609952712, 0.17012174352766385, 0.27693076553126006, 0.24561211058829777, 0.24048833922274682, 0.2566824035513789, 0.41073930832006744, 0.16551998314553004, 0.41390148877167277, 0.3764324784827673, 0.4755163172252863, 0.8889934319967587, 0.3301618259176008, 0.7279845595351733, 0.5579596641263842, 0.11854773156735256, 0.8045623290959703, 0.6359949024782975, 0.22602026037525708, 0.7771221363200629, 0.15971481780779156, 0.14617147631776947, 0.540561855082321, 0.9349883074241185, 0.5666142002480822, 0.3305723440461853, 0.9093643111627469, 0.9079997670946945, 0.0388229420324449, 0.9414243479473249, 0.9153443358480249, 0.41805597755500756, 0.4863306758988787, 0.6856441427737237, 0.79638655621752, 0.8509979071382683, 0.08647179176641749, 0.16006798462350214, 0.11479591595738182, 0.1809912566070497, 0.8364381073972519, 0.24408736443502924, 0.34520214955452877, 0.5569483541375901, 0.4204922600648695, 0.7802713954209294, 0.08080940532558396, 0.10693453441706349, 0.9885851062152087, 0.5941221761890751, 0.3954692873206339, 0.5819564062860197, 0.02176955585216866, 0.8931565298964795, 0.39364896835202867, 0.3300672037007323, 0.8991245364232484, 0.10278010984547581, 0.5437429174993715, 0.9403555123334233, 0.011031523975579854, 0.03591840079001346, 0.4064267170310406, 0.8794895359875486, 0.22648341601033609, 0.15691828681292008, 0.9702959557645102, 0.1687776882295518, 0.739369220267299, 0.21593431158440354, 0.24876340138122946, 0.4616828380357135, 0.5032061375715747, 0.5135646520802044, 0.06653170514576368, 0.5457014832821248, 0.05783237566142069, 0.56981902304822, 0.42646153384966845, 0.7960185428603472, 0.2781198924534291, 0.21406931635287763, 0.8164687158602042, 0.7707473000517939, 0.7382274083282256, 0.3196159647878064, 0.6659973693742628, 0.7002565797548125, 0.5246972803832858, 0.24496209190739565, 0.5764594460560409, 0.4706400764500013, 0.41855022164405786, 0.44857700642543774, 0.46612636921340334, 0.904294929602457, 0.8914112629962025, 0.46861901541996875, 0.6210396039652464, 0.48054926162230593, 0.2723093659982338, 0.5249909795599966, 0.6937158231543523, 0.2877023290165285, 0.7646237122079029, 0.3136587876190193, 0.31949453978219755, 0.7034087970310772, 0.6534446197404469, 0.14145737370975084, 0.9086751385048142, 0.31514142139233614, 0.7926374719537014, 0.9197574565648261, 0.6129989100926181, 0.6011643497048095, 0.8697926918579477, 0.6347736919794277, 0.4966017934306075, 0.5330615937592625, 0.47501422520357883, 0.5748947136178703, 0.7905501821423713, 0.25469492264345106, 0.6028224403864553, 0.17324834527724145, 0.5742460997872468, 0.2143040986658039, 0.6741735067642431, 0.9573894096093465, 0.8197680220634375, 0.19794175638096212, 0.5931998468992294, 0.5002879440764728, 0.8692861939595673, 0.6860226790355727, 0.979646912527607, 0.6190004182373692, 0.7222341736005133, 0.759649228635183, 0.8265426787353853, 0.4328276989973433, 0.012239737859389968, 0.5363353327559592, 0.548787140860348, 0.6145898605703654, 0.05222138949623325, 0.09199790834046978, 0.5691194395147963, 0.9849151048840253, 0.10663323414917722, 0.6962675160084013, 0.6149656228960908, 0.21658740459498757, 0.5252807528320544, 0.32822655049278815, 0.23209782774045112, 0.7644657998055975, 0.18822985195554534, 0.6859058961451783, 0.6141704544660369, 0.10742250894605919, 0.628224204942083, 0.33121438007179926, 0.5187651818436381, 0.5114010127666105, 0.18987718775534315, 0.16003598452743645, 0.6556449800666013, 0.2917239644902666, 0.256235876374895, 0.6141006404201879, 0.49217968966040027, 0.2258697892712586, 0.2037398822466061, 0.049405408077029624, 0.19911116824351663, 0.16573841673402162, 0.4754849538582637, 0.9623557660780626, 0.8698016871265617, 0.38117777288478794, 0.1569920420182443, 0.6424142362078491, 0.9530611863114988, 0.14398118621910713, 0.733719125195377, 0.9502272741438522, 0.13616288937310625, 0.5499225244376799, 0.33648547498511217, 0.012241650703214313, 0.405003605085295, 0.4701059492434093, 0.34928408434668257, 0.46204283644060806, 0.4804185608053654, 0.8274837584894001, 0.31748522295487097, 0.7099907785996904, 0.6523589801539058, 0.07596987599766811, 0.26661128697867237, 0.8098982937380832, 0.826917421189957, 0.6589722110504803, 0.40033071862307734, 0.21853363128286166, 0.941754064619137, 0.8452930088942733, 0.004953061803694847, 0.5089617576004373, 0.7438825209334848, 0.4142056170690065, 0.2915929762790551, 0.8314673795377007, 0.8877449952466633, 0.19041617312428874, 0.5846782075698973, 0.29696480931912655, 0.6366228706997215, 0.8868075995768396, 0.10219608719890456, 0.7551035593044131, 0.6312922007553994, 0.8114150856072628, 0.6582470209482096, 0.66846547916029, 0.3677944975190022, 0.4758183798916379, 0.18942519134791633, 0.44970474471834143, 0.04914937435279632, 0.8590131275041201, 0.8921601143847833, 0.7281697500480147, 0.7616843893973871, 0.6710178790689693, 0.47589938339491766, 0.21573006350255214, 0.7165780690778656, 0.7486506665901405, 0.9344953732957783, 0.46221492147068954, 0.06753680487610239, 0.9399149001565937, 0.19165691454886133, 0.6463732588853084, 0.5231567659152451, 0.5010988565561298, 0.11577186221244219, 0.5008747494921983, 0.8424779727733249, 0.9347385861485834, 0.2667159985515014, 0.8724731347784622, 0.19190324867039835, 0.21208999732511505, 0.5434494860108903, 0.267086027722333, 0.44103901741191465, 0.25961558703915816, 0.07778917683444296, 0.6959420242072949, 0.624144831957848, 0.4225729797157125, 0.8956958624717406, 0.9644065810623931, 0.9692927893969875, 0.676958021859352, 0.6618199185227136, 0.2690340870708895, 0.2548657798903084, 0.23876425891375228, 0.1846723816009916, 0.9446753362660953, 0.9292828671239761, 0.28641881434047056, 0.5876452573358041, 0.9680101067288287, 0.1739364352150325, 0.578294175735661, 0.32945641856582697, 0.24508584364813496, 0.682932060108005, 0.4612748340989632, 0.6843494254313165, 0.4400243298786548, 0.024428509122762152, 0.9976415394922312, 0.7639553105308958, 0.34975039049339396, 0.3461274424594891, 0.9873521927265189, 0.09110149457534507, 0.29962040202577456, 0.2776302639058694, 0.09352064447344428, 0.43770613294644567, 0.18916835752359973, 0.677979661133579, 0.43716217858643003, 0.6586019197279425, 0.16016125628539887, 0.6942434403524529, 0.8585201907760881, 0.9399515406149397, 0.28020341700969065, 0.8340048701663504, 0.033899626378649385, 0.45889344017208855, 0.6863956149504424, 0.8115579126340515, 0.41104615971770553, 0.5999470074107712, 0.11494832770714232, 0.6308387330373716, 0.8493360483398261, 0.7470531514029888, 0.05102053375369446, 0.9969848100842869, 0.19633656237357222, 0.7187393945050499, 0.5520831131573387, 0.2939787278488859, 0.016416581650536877, 0.3307879812729375, 0.642839605939469, 0.4365331994713306, 0.6930958171699564, 0.8265166673029116, 0.6916010822627578, 0.10821934305884608, 0.9741193488464136, 0.7292207875468592, 0.757986363995105, 0.6182758241146729, 0.1974782701438004, 0.15546982843878346, 0.7410138582756349, 0.17729291891195786, 0.6490159366579273, 0.18587603037457506, 0.8185872120202351, 0.046624024061581226, 0.33059583463068376, 0.8291706529338261, 0.4882081198416153, 0.004481589489932988, 0.478268349651346, 0.8770512228921332, 0.7044921475952836, 0.0751088576544447, 0.62386803320413, 0.7103371296261849, 0.3306921283052605, 0.3328449669264487, 0.5310390451860166, 0.5025883050673516, 0.8292634011518474, 0.2369818297832417, 0.4509793278566584, 0.11922648047407469, 0.7021373473397319, 0.36790385481098886, 0.15668229212797494, 0.6843609380020121, 0.6038467038363567, 0.7606726866173004, 0.002652186494458485, 0.2564329436110475, 0.7585988716191773, 0.39034595752981294, 0.8776717898525007, 0.401000865456169, 0.9898524116359289, 0.5369085465006453, 0.9858427106672868, 0.22561139834564725, 0.12629652987087261, 0.02939435825039113, 0.5008718053724595, 0.7511732884008441, 0.6507946737467043, 0.8427148913143869, 0.45732875522892913, 0.5358338301700509, 0.11287640482525108, 0.11792804261276921, 0.7798422080645735, 0.23965717114436436, 0.3287058966954478, 0.28973687102704465, 0.6020987134026325, 0.8404694826469481, 0.7201816616824244, 0.30376622397780795, 0.6744104583882347, 0.7700871762491837, 0.3515143685042449, 0.1498039941271618, 0.26807882530094257, 0.8826755901048721, 0.5117943141356447, 0.2973114585486341, 0.34033499884879637, 0.7288491765759582, 0.4449721564179585, 0.4036260635742519, 0.07809260597472359, 0.7014962176452431, 0.10224858718273712, 0.3278839952739323, 0.7062464549368712, 0.9037778858828408, 0.22376024860461366, 0.5917921657425442, 0.9998591804359139, 0.41341629762598897, 0.17377008347965706, 0.41638225928258754, 0.11603318127541179, 0.3522806228367329, 0.11171866985176428, 0.17675345936134737, 0.15393978790167748, 0.3226013585262805, 0.682769469850169, 0.31208636026331954, 0.8608474525244518, 0.31338322462128015, 0.4822590396429697, 0.4206499351029154, 0.4611279080760128, 0.7483247648595284, 0.7511670529248219, 0.1554604040573933, 0.6240728578255814, 0.8239686640998752, 0.35462771172407626, 0.7903684156997974, 0.9299023644307796, 0.34886556664585766, 0.4861983175645981, 0.05035721795635943, 0.02787756521176128, 0.06739974964206363, 0.3853018422846637, 0.3150543985499814, 0.13671806554980742, 0.6065869341470034, 0.9684067507622924, 0.633341671360308, 0.015774096132533808, 0.32645905478089043, 0.8346249219119348, 0.9430518869328691, 0.6720358757516809, 0.9533135003427918, 0.040817336802536214, 0.6306809244157092, 0.8084606961802605, 0.2906068564383568, 0.9554886074400233, 0.8541354064672577, 0.8194220210249095, 0.2639340559876035, 0.42985058438506707, 0.6070173545698117, 0.6470766550837923, 0.9381711635277523, 0.510554126178302, 0.5116378710400613, 0.32856030211386467, 0.16027258592746005, 0.7938022283707079, 0.11277462945243517, 0.6760262403774854, 0.0904953307682797, 0.5533674679056597, 0.9957299708249413, 0.04027381964591539, 0.2988643912163531, 0.8258369080451698, 0.6061917165295239, 0.6467711865664212, 0.18652677189694877, 0.9965294823753169, 0.0424211971087852, 0.6172080264801518, 0.9278862506453966, 0.9716805919622244, 0.7050502285334128, 0.04813982632138747, 0.08845166557491352, 0.326147874603531, 0.24653399062843917, 0.8391996839380205, 0.4003581085697323, 0.9507466868846293, 0.6165020582406179, 0.8517602013398421, 0.5829456592541269, 0.5731895684688975, 0.8778978198902725, 0.02105867109545038, 0.7408815290794073, 0.9960607311920138, 0.27156987843593294, 0.051702288790941624, 0.9626479354397517, 0.9657121428417103, 0.34934989947625494, 0.5270562531788634, 0.9469832658967796, 0.871112926943086, 0.026161347195088266, 0.30516437083747233, 0.9553590745543172, 0.8098374352546963, 0.31800303603109814, 0.7003091826795375, 0.6939922733972349, 0.08155509814290596, 0.7781411094048565, 0.36898611755579924, 0.15899032638368915, 0.18501015607857282, 0.873087203807686, 0.8763430748880678, 0.7417776619843781, 0.7413822320977771, 0.955809543390052, 0.0837891096436792, 0.07086258839242945, 0.8644807445186422, 0.3652864558006804, 0.3706913496339689, 0.8058236697681513, 0.47281410788425293, 0.9466320612385855, 0.08670542754339952, 0.8683871558764009, 0.24306098620050004, 0.3237809625014053, 0.5990035516549937, 0.03755983084378802, 0.27416557392138424, 0.7308027903047392, 0.9437678311551376, 0.0587308459927823, 0.6536779200585998, 0.7218392277486907, 0.27729123917271553, 0.09118698449362432, 0.581102044839126, 0.6484901544402655, 0.026856812482119036, 0.6589892621725284, 0.08742863602099675, 0.578489975933393, 0.3049719316040655, 0.1241664257008539, 0.473203245177932, 0.34500075877060365, 0.32752750147763876, 0.5561649148951842, 0.30768137307988375, 0.19515705566058228, 0.8593091564955994, 0.8249373279250669, 0.1254495187150098, 0.04328787530762229, 0.4200427637668941, 0.7167357216800416, 0.7397842646047361, 0.15723639790827515, 0.5531706468200108, 0.8496660708312639, 0.5710162212829958, 0.1573366359635728, 0.32174240592524406, 0.2379877494191066, 0.7595486940995599, 0.7420541009348719, 0.2237517340690509, 0.9192250381578716, 0.24788001604457896, 0.07893091482514293, 0.4373954733239802, 0.2935103681649313, 0.26500325570789285, 0.07065224103188229, 0.7527643689308331, 0.17430744737883222, 0.3862305418134504, 0.9954751231863005, 0.2685747028168476, 0.7934859088184261, 0.33305021926942113, 0.4982612838891176, 0.6176908027103363, 0.7383576808533152, 0.19617351337115657, 0.4024490788649666, 0.47630547043441274, 0.1147967925719148, 0.24395754467490688, 0.15753077391717488, 0.7995988884160579, 0.7076934401966866, 0.638499291302832, 0.11820647563192167, 0.5422538961692717, 0.8433157420611502, 0.41518839476093106, 0.5495007305347803, 0.37128706307569115, 0.7025249417188029, 0.6555078054241101, 0.08381322877644808, 0.7263731187038349, 0.2792246954642888, 0.9793318369502557, 0.0249615095967726, 0.8510133114384685, 0.23857441109624702, 0.1649743582087184, 0.8303622010997028, 0.30103285164265337, 0.20306681125076403, 0.00024104244542539903, 0.30350236510062717, 0.9528577314215829, 0.11580431247960327, 0.026736024047798648, 0.34198185296060857, 0.05476195902638195, 0.8937200553232741, 0.2980425171604669, 0.26216378800711143, 0.9969923642848283, 0.37290851523160273, 0.3405483299094666, 0.5644234645404995, 0.7315425260837718, 0.9115261115832991, 0.9053500468504867, 0.9915772261237593, 0.9515066658752969, 0.8695432547399192, 0.7033820008455486, 0.7029597095644795, 0.38330666172536076, 0.6877911201468128, 0.4776452252777592, 0.6331210580796818, 0.4319314935845012, 0.06830845513929133, 0.1721956250974871, 0.24582204979544836, 0.6063953327373438, 0.5281564233329701, 0.47180751345126626, 0.12616455114105113, 0.7023459062916795, 0.4716583069318947, 0.1930713893595925, 0.1004632548763828, 0.5063440965231021, 0.17375518327267198, 0.7778513801337458, 0.8662214443374896, 0.8320432230603331, 0.7369741805835567, 0.2737472738701073, 0.31581978158675195, 0.021290579521068796, 0.44926480534217283, 0.004425109363872304, 0.33481149575743563, 0.6783601744679364, 0.3477954752043999, 0.25126461459499055, 0.6083902003173083, 0.8323706875697141, 0.7066819854431656, 0.3250786149381, 0.8899931699064731, 0.3919882120207271, 0.03156082580372666, 0.39112795846197546, 0.1553780236146627, 0.6167185859314857, 0.6239198389410412, 0.14375170919443148, 0.727091276677838, 0.6659036844322004, 0.6067501617852873, 0.568548996359397, 0.31275239994615034, 0.8242632534346622, 0.2441349357713475, 0.7798350739171565, 0.21535493802948313, 0.3737647267622737, 0.1084918120669615, 0.8536685135711699, 0.9144878784261522, 0.901000883946085, 0.6826890883351735, 0.2880695896220641, 0.39581782166240376, 0.0688099085021558, 0.06770301806345268, 0.9100489179716416, 0.565269900302496, 0.7697733761880248, 0.8069720206831064, 0.27542397740062674, 0.12892378340909758, 0.3401118127372822, 0.2987263008726864, 0.3331383973458365, 0.5596805853598372, 0.1264000899032642, 0.09972540438412852, 0.7915313342920096, 0.8603086173079354, 0.05445867765349652, 0.781008995992913, 0.4006005432754167, 0.37986216466680955, 0.22453822895255593, 0.11048183739257712, 0.49345280683801584, 0.14886482243332277, 0.203907270931292, 0.2845718849188485, 0.8392059802878904, 0.905083698822869, 0.2777118780270986, 0.49371360319025914, 0.19094335533826196, 0.6670792182898972, 0.7723513904018011, 0.4058208187466237, 0.9484543112072159, 0.6905576715894806, 0.7055671255859806, 0.9431103893361551, 0.4130794060546056, 0.03973944147559902, 0.9951610596084259, 0.972491740706133, 0.522163864658393, 0.24785131761003754, 0.8210466725108977, 0.6474886345132815, 0.11571972111671146, 0.7078277246314537, 0.6532427185496477, 0.08239974069292137, 0.4437888142611416, 0.20975898804415594, 0.5187500571840835, 0.08450162612419804, 0.8879933016041627, 0.43427046550827886, 0.936891317164629, 0.8037756638007949, 0.23856725435150739, 0.14504236842313858, 0.5504704506209193, 0.8339655107231106, 0.34752012453358294, 0.7541812315884271, 0.43228931674844007, 0.3623904614783159, 0.41656565825497094, 0.8184704021855332, 0.07522183125026675, 0.526075211330948, 0.6827037357136193, 0.7525154181866367, 0.2764262212372992, 0.16154494218959065, 0.9773139154143339, 0.40702563543926507, 0.314382601613068, 0.5890700832396006, 0.9558757648719792, 0.18577530472674267, 0.8657668465663143, 0.6158503305927125, 0.33055239567996664, 0.2731845277688593, 0.10820118064120422, 0.5670115462632881, 0.5018163930454181, 0.3410511130473649, 0.5817246068044235, 0.33204318788786424, 0.46939529075831643, 0.8361681774102758, 0.889333970129328, 0.68296938058567, 0.8755316151892194, 0.8708971772012092, 0.9348377013662759, 0.204342888613011, 0.616181946023654, 0.7755844500188525, 0.5757691988663693, 0.3053346155040278, 0.9473261111682961, 0.3470572031673739, 0.46072502192912057, 0.2846697086950642, 0.9062442345233167, 0.07153210170436333, 0.5610404726090508, 0.5042119432163352, 0.10867902209145795, 0.08340802041259884, 0.6294612766555175, 0.9450829133327497, 0.394070486357727, 0.04746794376897851, 0.42731822079900617, 0.45659934977009353, 0.7542476610384634, 0.17872977094510076, 0.706262850593953, 0.06778220379012126, 0.20840215875316134, 0.6490890535725904, 0.05987537446387529, 0.7640872577228692, 0.9067724458125523, 0.9159937911657462, 0.16941468631533718, 0.3179488353576406, 0.5027622198460697, 0.9208280075484045, 0.7618873843331752, 0.18916994020855718, 0.09924476369093872, 0.6012268717621021, 0.05380415747393127, 0.11367736790233715, 0.7732241956932254, 0.29942234153325714, 0.06888664441057614, 0.4887440856372821, 0.15849383343686432, 0.8213631528032008, 0.2563055048825365, 0.512969044098768, 0.5178491914470109, 0.7563079684426773, 0.9376897095329003, 0.9023785270064366, 0.7881280718676337, 0.7835427496185984, 0.10126958379705465, 0.955457375613385, 0.12509051963541815, 0.501783780615205, 0.4414400251414602, 0.8093872454564492, 0.16546015785760695, 0.5513323118368253, 0.2556835562770106, 0.006703429051504532, 0.8839984730517139, 0.5830301285574485, 0.7336766457477366, 0.9943043515385992, 0.09615067510140697, 0.2191825418489039, 0.8152283947835809, 0.46058777710678156, 0.33833460061243714, 0.1952073806579714, 0.5885877023357298, 0.19791321094541797, 0.5903684328645078, 0.9837411058957626, 0.27598336558157616, 0.32165396724179296, 0.2109065962736599, 0.8887681268531795, 0.14509454739230387, 0.8282320139756056, 0.5598623578705164, 0.09581894403200258, 0.9067859349362773, 0.24817850145382284, 0.513072128493621, 0.9261930871411838, 0.10836814130252782, 0.897068630859433, 0.2648854862074786, 0.03798533354880169, 0.9628655499086478, 0.77222408119026, 0.2854573648568954, 0.1458860329864434, 0.5407333470664075, 0.5734971101081803, 0.0576296587717154, 0.37247621831169564, 0.36986630302751755, 0.020547681937021077, 0.2987482972497678, 0.9047435188026739, 0.6902639586409797, 0.5183125144193075, 0.29070010920690065, 0.3414906133659632, 0.6362007292115761, 0.38102630762518863, 0.10030732755294682, 0.5637511996136281, 0.21989690183826416, 0.8478106069607828, 0.1896031913401384, 0.6063828349253275, 0.01909185687534797, 0.0025725711107894016, 0.736022276907478, 0.554556566060628, 0.4456846195908387, 0.5685523991969605, 0.7278922403164338, 0.9544037985313066, 0.3987286559985531, 0.985653506821423, 0.34134131274711055, 0.21717067119022698, 0.06475007238807642, 0.039661622210714786, 0.49308055738398704, 0.9445053149494667, 0.4456510918346125, 0.4578605551239492, 0.3195522226283867, 0.656736738467566, 0.7766915486883551, 0.47458823863060984, 0.9122171758384936, 0.2678973329233314, 0.7376159635952151, 0.9743617553660171, 0.9939128710192514, 0.8289213596484737, 0.8386412677795146, 0.631350255654515, 0.16526985533264124, 0.6532560263289212, 0.20202593553574985, 0.9363790678440717, 0.19867377456071142, 0.14321941992349188, 0.770773434097829, 0.12277574264088849, 0.03266479499038157, 0.6299905375366045, 0.5263114903956914, 0.044947118125141586, 0.20303605222121232, 0.43013912568102086, 0.5590068796757858, 0.5609143284550863, 0.9849746860792281, 0.9486698810022915, 0.7553800371012771, 0.7692061708175253, 0.4325176219587171, 0.05306601305011448, 0.9301235540942079, 0.10141431579863487, 0.7711667246448077, 0.6562707875547746, 0.8179035197859537, 0.06674272889903145, 0.9881539382596437, 0.9983643836794156, 0.7804839084607931, 0.14518982318359708, 0.9146901597919168, 0.07612247075494899, 0.14862328010763803, 0.8439261129086237, 0.1010749758196538, 0.3374618693838841, 0.24600011650284853, 0.7111256061150312, 0.12374506947477867, 0.8119766517745989, 0.5361403928906848, 0.6625682933563937, 0.9186662683012456, 0.4424412357354405, 0.7146856160402639, 0.6497917280593529, 0.09562323915127209, 0.6997423071489812, 0.20593484465361514, 0.0938357703168456, 0.899662754047486, 0.645996641778807, 0.94869873078032, 0.6190335481870324, 0.848632892843719, 0.7344594084067053, 0.2294314454600885, 0.9401487105266749, 0.9205882782073671, 0.5097335600167958, 0.3894134808379849, 0.473857536433655, 0.27818166906593017, 0.27947794092559897, 0.9798256819954312, 0.8193967470765406, 0.2783662185852729, 0.32004698758760464, 0.8552887668138895, 0.34424381701887585, 0.9739471741606108, 0.5119830918340978, 0.33711478558096475, 0.5986384340589883, 0.33126391305256375, 0.7121073989105902, 0.3016134681381183, 0.2692861360303956, 0.205074867809069, 0.1940914417561834, 0.653147368276467, 0.4592389577605379, 0.37531201539429226, 0.35072026128244815, 0.14800508221513642, 0.2945710230023809, 0.09748507360221256, 0.4660824575632522, 0.16847061627667378, 0.5995284499308339, 0.0669867046461557, 0.18349446363491412, 0.9917828169292597, 0.3094195544206692, 0.5491098215200308, 0.2535530403583986, 0.5669374527370672, 0.0711936865838713, 0.7452318550737177, 0.39593519246451725, 0.0663944551523982, 0.534291163648242, 0.7546630143854565, 0.5129902532219006, 0.78644229438635, 0.22925502825800123, 0.7926380217088206, 0.764485213099411, 0.676582538280141, 0.5595323859883898, 0.9905935157504705, 0.784832269318225, 0.4455531564191946, 0.9243915081671422, 0.15750401985602047, 0.6287915701138016, 0.8770578836549443, 0.029604553536394403, 0.04089242965701667, 0.44094467364426504, 0.3402366013255401, 0.7301298381432034, 0.24818279364216417, 0.7360634514682125, 0.8442983781655664, 0.2183095113482826, 0.97692190387752, 0.36802270658515523, 0.46860261169046036, 0.4094084974180032, 0.42330856252926874, 0.5446225918109783, 0.7103653697786905, 0.7151775129972457, 0.5144966565395404, 0.5277904698973175, 0.7107287965547486, 0.33271047490209704, 0.4092385051554418, 0.43559046891571007, 0.12762644909627655, 0.9171601723720327, 0.14075092917804308, 0.6062607237314981, 0.9210355531526907, 0.08034281505336807, 0.1379960937123822, 0.25361689654421476, 0.9018232861480149, 0.887061091653476, 0.5871298650095491, 0.6216793351093247, 0.5358653133270057, 0.5445976189500903, 0.06632184965042776, 0.20055191743141526, 0.34897106688865087, 0.3263958547777712, 0.9813190560379984, 0.9072584811891558, 0.674170913105409, 0.4792127082031209, 0.8936088366938852, 0.7841301730108547, 0.7944805888428507, 0.021303869713866042, 0.26885241079553607, 0.7620727706390096, 0.6104333509501616, 0.9385869453261934, 0.9261094906095783, 0.6576758545247002, 0.511326108079484, 0.4640986508321068, 0.9714698361350251, 0.5378416059268889, 0.05361657922101832, 0.41656576837343695, 0.450851571445278, 0.26542139945119014, 0.9471709019779689, 0.6070471130043731, 0.2786343875684522, 0.15976150150716084, 0.5596244837491513, 0.07856435001437863, 0.38905009881176855, 0.6999581489262032, 0.42933980840546115, 0.7486695512550597, 0.039352415133023864, 0.4699073043186741, 0.2357814218512506, 0.2745774746305583, 0.28547973737679183, 0.2636899171221683, 0.46238956657177743, 0.04032622297629681, 0.33309908655094034, 0.6139636358725182, 0.2880748794028581, 0.9498315385454377, 0.775790868233651, 0.42552455429009794, 0.46986365050697854, 0.30697017970236307, 0.6477564815783627, 0.2348139821015007, 0.6060422035251163, 0.7660339349327997, 0.8775723692031412, 0.31127731670915626, 0.026097518261013256, 0.42090319042688407, 0.0282762946167933, 0.6349504458891901, 0.5500087776335038, 0.1474742005661531, 0.16461221703825174, 0.1887521643354908, 0.9896349694366942, 0.40074978964126007, 0.8012614650980608, 0.6455718659427134, 0.379139745798878, 0.10825815514774252, 0.4164593087501761, 0.7691635288033276, 0.1723878005567307, 0.03876715848975002, 0.9514703357914497, 0.4764779323869276, 0.8399334250786402, 0.7129525517704404, 0.46628435758070774, 0.41161939534110015, 0.7967458675213042, 0.9586262232944021, 0.8342476330739969, 0.8113027892116502, 0.06337272647654654, 0.31233746164799436, 0.2091687402755756, 0.0900702360948988, 0.07412729628502408, 0.0694700143810712, 0.7488481114822412, 0.271051482900648, 0.18591136788030865, 0.849459091024813, 0.7524462260769069, 0.04169918579910457, 0.7922231826539108, 0.7983218383130589, 0.508207705162695, 0.5223691461006543, 0.33714596930059926, 0.07843309060886215, 0.9418093161899935, 0.5449183445703877, 0.9278076583449979, 0.962388227307502, 0.5450799276490648, 0.772651078320701, 0.05380039107641352, 0.2890851850233631, 0.6734317659710758, 0.1879902141800051, 0.2665643531269018, 0.5846280644942705, 0.4333968414274392, 0.5365975450354075, 0.8411139145452686, 0.9361690811362907, 0.2051788188307519, 0.34774499635766676, 0.7792790325834896, 0.1647390223778821, 0.5878933807865447, 0.7508121754731861, 0.4923700844984553, 0.6071375077802723, 0.88484791239819, 0.07267718745652052, 0.11959757402401093, 0.7803110370477879, 0.9361793340967122, 0.5343549482939163, 0.3147439724647656, 0.4386423312970207, 0.32728241962991833, 0.904338449616898, 0.9538117265495365, 0.1113817347153659, 0.7857950592130711, 0.01025558626476554, 0.8868852468774677, 0.4370686468470705, 0.42300241396006066, 0.6004124004957383, 0.010135231661740119, 0.5818185007631984, 0.9542215668824837, 0.2897092337147533, 0.02323367211476935, 0.30898194479042806, 0.2659629948605807, 0.31781444982473617, 0.6333946675395187, 0.7835232970137573, 0.026679455465113532, 0.4491275449637321, 0.4942494125490243, 0.07248536210102915, 0.6147502231117674, 0.4703468927247162, 0.2779626356622356, 0.26073431584000234, 0.4667346571886761, 0.7364273612452068, 0.969699392688416, 0.9225039382343396, 0.017034824304925054, 0.34472520743655777, 0.793320173163603, 0.39906727147934784, 0.6023767069836284, 0.5695822089501482, 0.3169089915039579, 0.6661442621347445, 0.5492422963945851, 0.7924896774637096, 0.3762627450878492, 0.24003406875495503, 0.2786062774075486, 0.08193765844164876, 0.020099749332527558, 0.7577062233042886, 0.8062484722919351, 0.5404354157151194, 0.989742715640795, 0.9183244761277385, 0.7279871416111344, 0.19217255033573885, 0.8222728932364158, 0.37308719184329864, 0.022443380210739633, 0.9896288768447211, 0.391523144529459, 0.30810440724193494, 0.25385890601254757, 0.35400475657627173, 0.6639098075888246, 0.512385572263172, 0.9542214121431538, 0.3346568397262618, 0.13194176412603487, 0.11497943251507826, 0.020598541173080725, 0.6619568670602158, 0.17833981626279174, 0.2896661328850267, 0.04763674561627261, 0.2968870924171354, 0.9410363536124107, 0.02231943892889866, 0.4774899813274094, 0.8102626594221232, 0.7079598449925953, 0.8154375820096137, 0.8636704621517357, 0.23176401671932603, 0.5264890998684837, 0.6169841113975005, 0.9718754292981062, 0.3122389538144193, 0.9795956543931074, 0.8575531460185731, 0.9406477367140064, 0.036299236319547616, 0.4083669303685211, 0.6679352178212907, 0.8787587242605778, 0.03275258844407479, 0.2296161373967255, 0.6583023355487191, 0.2605596432256624, 0.8536315553048872, 0.4341533883763218, 0.5345822414482511, 0.12201942156448205, 0.466145725669427, 0.5840050942856194, 0.98033739929908, 0.8108047895813686, 0.15718193491417637, 0.6999057686329899, 0.6782670960084741, 0.8218938857424297, 0.11241566324608371, 0.41770635334987416, 0.6929624252336262, 0.22222094749133653, 0.32439235437132985, 0.18955188794187064, 0.6575630592200932, 0.17977017948138566, 0.7531305989823641, 0.6396248461071006, 0.7024125954685112, 0.0753728899583312, 0.4399610031096326, 0.1140874230445613, 0.8312848834145926, 0.13506341267523178, 0.7449484746442465, 0.5599924311586562, 0.25649775453519086, 0.40324879319554685, 0.8712412674930531, 0.3863453708458574, 0.9303984737296199, 0.46391585800894475, 0.6978032288045729, 0.3673808909015889, 0.09868181590384195, 0.7299922887953718, 0.5147156310685806, 0.5996512965574704, 0.22246095493649762, 0.9532530452869834, 0.9472286783297799, 0.14877179826375844, 0.10509428100090744, 0.7577213617592933, 0.29247975734734155, 0.44492659927526634, 0.3649722165950886, 0.7453509892859418, 0.11549540754471696, 0.03646830521506336, 0.9609201059566703, 0.3428286211552801, 0.3302448770099451, 0.9374793293210896, 0.038956880544255716, 0.35523350752346095, 0.6932987639305435, 0.1103446024047606, 0.0674646706341892, 0.01123490373759906, 0.8549441947258527, 0.9262533867125022, 0.33572883614429194, 0.5749693885217924, 0.08332936667161644, 0.32469051479750066, 0.09175391222939874, 0.22537447312895523, 0.32336288763938736, 0.8051833495301769, 0.8937034444855119, 0.0024986304255872767, 0.21505900997027133, 0.164986892355825, 0.6978693068789192, 0.48593689493518366, 0.7854056141805181, 0.5759249454776512, 0.12807264963556186, 0.17849017669056338, 0.4648981216785564, 0.8250209310947232, 0.059068768166032425, 0.5908322873449819, 0.4044481727283248, 0.17951913477660444, 0.16918263144437704, 0.7138637997273238, 0.8347999982540679, 0.506768917772213, 0.18660631038381675, 0.11993190768665084, 0.8603548559972561, 0.1976940016239841, 0.2568096584949384, 0.0765517318417377, 0.18481003379730904, 0.20329403411381158, 0.2606667070526547, 0.8340636501216818, 0.8645607105271325, 0.7553040403886345, 0.09214448941881585, 0.6855222988442056, 0.33754220485748865, 0.5468672356425579, 0.8219770854719989, 0.6779028959545756, 0.5058368765957606, 0.38176194151578524, 0.7342576271368291, 0.8441988123900653, 0.49771649509304283, 0.6018869376896946, 0.7374327506561686, 0.20654765002231557, 0.9543467447390969, 0.9225731182235516, 0.8585089836684983, 0.2593947681385552, 0.3492519168495284, 0.4535281194712312, 0.8897093450490877, 0.7873509820632638, 0.06758897932133816, 0.29704946448893194, 0.6580586038008898, 0.5061202718685818, 0.8957848785535019, 0.9945497228795314, 0.49341979585304585, 0.3223494426120792, 0.7529844041743619, 0.8493381919941303, 0.8313839036858376, 0.7003855533017432, 0.6384431567705344, 0.44302290848998893, 0.5263921907876646, 0.7415602455049368, 0.25751247728595966, 0.512336973541251, 0.9297309171158528, 0.6939071694834, 0.9145694087989376, 0.8072565864860657, 0.16763593416394407, 0.5628202535026766, 0.654133972578067, 0.020815743313089916, 0.6436478253216774, 0.6429391293331126, 0.7892502951364595, 0.8094779420700351, 0.5879723565304593, 0.041925883794570816, 0.36051858803534376, 0.9923242052979756, 0.8424988864102468, 0.13559602071889687, 0.8392349418856729, 0.014992260255631043, 0.745311537819723, 0.22043363165846053, 0.05862987360349529, 0.6761486214127865, 0.11479962205211049, 0.9175952890007244, 0.8635600109529238, 0.6586940311855887, 0.9329913914058807, 0.8462218139404873, 0.4150243030835996, 0.3696241697219095, 0.7141293874484702, 0.35684563226788735, 0.8967785819447742, 0.41683632722362385, 0.18632124181859677, 0.7747657830208889, 0.9579938124744918, 0.6114448105871746, 0.9295370500797289, 0.9502639322847347, 0.5304017527010016, 0.6077453170845695, 0.6649327726269993, 0.7015691141514271, 0.4482013444389976, 0.6844817210768639, 0.5617082390437023, 0.43055982681636573, 0.9884569184389433, 0.516379006960825, 0.903163485767565, 0.6182412060311622, 0.4685685694826561, 0.4161631091036554, 0.7987531849823536, 0.6398629306131065, 0.8479808228396077, 0.5201456164938231, 0.4512978559136108, 0.05727661881503948, 0.2772677314439477, 0.5597662562415389, 0.47835089656179863, 0.46785855757471584, 0.6647051482937476, 0.0621980645173229, 0.5786288029761667, 0.44556187358056565, 0.8818689337159976, 0.5368731918995824, 0.5710081683899171, 0.31143394143850334, 0.8843500478360209, 0.07209608094747917, 0.8643345156676119, 0.02921473715118101, 0.3804506419190752, 0.8790500308791168, 0.04023995837687891, 0.08793976683782823, 0.2966720495661839, 0.9053401482336542, 0.827736955941197, 0.48124349687414714, 0.8719586837744383, 0.7100300734364334, 0.8044273154735964, 0.5795838030924481, 0.3081913102088078, 0.1277760251543912, 0.3643256416410713, 0.7307886834356274, 0.9411878556937515, 0.8874508049431223, 0.10193810301731646, 0.1181240432276968, 0.9617609177320836, 0.6013585540452001, 0.34620305447219824, 0.6376130769869303, 0.6863758117108921, 0.5768844667864184, 0.5504630292669244, 0.33727129697640834, 0.3642159432338188, 0.1481375192977118, 0.2429882706718961, 0.8258705494447776, 0.4546631699664765, 0.8995525604569414, 0.8226090424691631, 0.3006586937104386, 0.34967956495514696, 0.21473830401643643, 0.9996101091606564, 0.10517171436161173, 0.5962696351546928, 0.7252182572605268, 0.14908414614383808, 0.8177857736501057, 0.9127053231398278, 0.2269688852106914, 0.46152610712395403, 0.8208365846890899, 0.3663096687921701, 0.5705365157925781, 0.22127172495210448, 0.7583037675090681, 0.7291666698469335, 0.2565061101694835, 0.32200911188983855, 0.98318079289536, 0.23035475192430316, 0.6182421031762433, 0.26575362434000677, 0.9257621664019474, 0.6637182468593454, 0.5100080701077665, 0.17321352488768413, 0.31767531266235466, 0.35929393389397635, 0.5707658352274498, 0.9032889806314384, 0.6889976497478725, 0.5575148278354245, 0.1994083875556211, 0.28537082349722165, 0.5584674618197178, 0.08589229219733781, 0.7352208556841052, 0.5119424395361212, 0.25551207265883474, 0.4505526506262606, 0.5750189039619635, 0.03649909718738485, 0.4641216159468725, 0.8855394384783659, 0.8995749050968949, 0.6521220387043185, 0.01782997491755818, 0.36431833749600206, 0.43305584938764763, 0.17926199926786612, 0.11388072915113369, 0.6084980952819528, 0.2923814859018997, 0.5632354334207174, 0.36906695579101567, 0.34840663045300446, 0.769685855944628, 0.8472969928301509, 0.15842686537727643, 0.2906170176384555, 0.5184494480367403, 0.19598134638288445, 0.7089840132827272, 0.27577554688026706, 0.00035220246297703917, 0.1750335813372164, 0.42591710041350583, 0.02329818800828697, 0.6824782104267546, 0.027221386280537625, 0.9347343505298149, 0.8968118675714418, 0.1499552211522216, 0.4073876685266894, 0.9802476653281819, 0.13379927018486645, 0.2828425554790362, 0.5759963823784721, 0.8397154029144475, 0.14887002721159479, 0.6661700587481989, 0.12568303772634679, 0.804976844480829, 0.588578695014597, 0.2558103081267836, 0.1675325322255426, 0.9791365555590877, 0.24627561836126538, 0.5995476920875431, 0.8328858064406126, 0.051998755163513995, 0.12511780251943116, 0.4635971627570219, 0.5563765892712944, 0.30541674520591866, 0.004231837681042226, 0.1451698754392815, 0.04637034509367611, 0.4877027787382736, 0.32730058941915596, 0.8505671706353091, 0.4254399771093468, 0.9352811947868098, 0.755884001205695, 0.17624022780876777, 0.8549545330620886, 0.7073637028949558, 0.1763566172451534, 0.020024041330509102, 0.5379320962076979, 0.6849605559924568, 0.050376834704019165, 0.21338123496316388, 0.7166212707425688, 0.44857626427581376, 0.23841409310196124, 0.44159107824813915, 0.5717479996383088, 0.2611187465990052, 0.21478580190216265, 0.1283610043369668, 0.4261052607099195, 0.8954899265478159, 0.09423877715936312, 0.7280306085631614, 0.832111886168567, 0.7986610301497341, 0.830570770484119, 0.7842029383311376, 0.31204160331096803, 0.8785765765203529, 0.2496697220351619, 0.5621361183813741, 0.8897686112121407, 0.7609658228154288, 0.46249844621475067, 0.9668051593638888, 0.7305522720234714, 0.3242585890011031, 0.1826446164308956, 0.11552769552249223, 0.6483102752256166, 0.6352211357753796, 0.5152670221128277, 0.5981457753326337, 0.44078543720372165, 0.9531234776573276, 0.793635440704912, 0.9958620325173296, 0.006637279176365653, 0.9849605017723942, 0.482935979488356, 0.16364301163479375, 0.0663255387474758, 0.7791039208969479, 0.6910695306802818, 0.4035205286935851, 0.6574110380487772, 0.5110087879707674, 0.9823484232080408, 0.4661419715641453, 0.6664583674455895, 0.9853051712962825, 0.24030902573100463, 0.39421199775144755, 0.3413232219664455, 0.9539230938177915, 0.3892632319413599, 0.46628731110084287, 0.7745769570372774, 0.34296580159026446, 0.5501582090506283, 0.8607233677081931, 0.7208250987596578, 0.5447743398201828, 0.33081439783162203, 0.6478640001071945, 0.3296182687524394, 0.6041678434323747, 0.5655110178078073, 0.4229886324073012, 0.9059758368558658, 0.5254357700613137, 0.0943077035013529, 0.08557570285177739, 0.813972292732148, 0.47926822137261704, 0.2616565168892516, 0.21685288757483875, 0.23021076182028619, 0.6411651068832327, 0.02741125683447812, 0.544937323504182, 0.9780201380388284, 0.18446544313643756, 0.4699938629284375, 0.7878154053416141, 0.3435187896757902, 0.38838377072990526, 0.22385162043253393, 0.5953308524236431, 0.8787030771993276, 0.2652888520528397, 0.34071560125231404, 0.4063203888167757, 0.2924973494484794, 0.3286153993640464, 0.1600892833494026, 0.7945504244537438, 0.22674361146894897, 0.552584058413177, 0.5602646025537377, 0.6882316139937479, 0.2929842676923464, 0.3430251323485537, 0.18473388425465748, 0.8233145122505897, 0.3783397906014604, 0.551749810922304, 0.7331830520362668, 0.3247654225520442, 0.6695141942751501, 0.1753135319823596, 0.28431682213661397, 0.3476124569003659, 0.5899851366223425, 0.0176748932719827, 0.2681588877694693, 0.46337480300246614, 0.4168973180792107, 0.4663297453983508, 0.8489507878011509, 0.04583570844229767, 0.8624901656322894, 0.3139159831384383, 0.8045054262256809, 0.4346085269559081, 0.959696991901347, 0.8005594063722645, 0.9071570324894328, 0.39927022388616196, 0.611319841687531, 0.021196550834922966, 0.27142789802659034, 0.10260219268150898, 0.17131205042544284, 0.21523123323497279, 0.6021062484188886, 0.9960093787562836, 0.7190218097532242, 0.7552735212356952, 0.5428456602488718, 0.31126211015914784, 0.1309499389861602, 0.22297690756894437, 0.8984072102440134, 0.1304718836493564, 0.9445137396964303, 0.9372463767402681, 0.6106360309035684, 0.9511568343366313, 0.2488670072198742, 0.6755190243009443, 0.477095804780029, 0.035083440525627965, 0.31309598595650856, 0.08322833031884333, 0.25957646208246055, 0.3175502021710042, 0.10778486659569453, 0.038732373845696104, 0.25277961369551655, 0.5236407924445128, 0.07919238801195379, 0.1574063833236664, 0.32297794669484053, 0.062056724568344275, 0.5876036736989865, 0.3466407076791742, 0.6666816629224304, 0.19915010959944468, 0.39468398261792403, 0.24597931278639446, 0.39790299438489873, 0.18202314950372153, 0.9613145591760103, 0.39097309925193013, 0.9481785280358181, 0.12973807071613785, 0.16861655761658564, 0.08700705733716334, 0.4451664979837062, 0.3867419050239417, 0.4878248510997166, 0.4240261026488801, 0.4146834899212273, 0.5272844559360992, 0.8621779865665474, 0.6331768539826503, 0.9203089781433209, 0.9449142007593015, 0.47288538923917345, 0.4855821736375806, 0.6419692252964668, 0.565301654152663, 0.8908419663908738, 0.1879301578378146, 0.7921759186299474, 0.9471940587935381, 0.4482189067325302, 0.7737354489865702, 0.7359182152435438, 0.43342572618286745, 0.8963566656455759, 0.46118265829492633, 0.5799503543931515, 0.7059700446749725, 0.6610525438160251, 0.5283423859937714, 0.913297964806927, 0.6089172521669991, 0.3408854623060962, 0.1806953787426739, 0.5453789581954729, 0.27846383121829027, 0.1549480125943848, 0.9912542550176682, 0.26108115149311123, 0.5921437358479782, 0.5083984236998695, 0.04575272023002491, 0.5850228741508214, 0.7886524295458056, 0.43302737299825655, 0.028196392122488097, 0.14412438744798198, 0.4296867274109548, 0.020034264049110632, 0.6233051234067958, 0.10810620924619138, 0.9367586052138572, 0.8148263558592568, 0.328777791352205, 0.21893614110487974, 0.6767096473190854, 0.9204494863001416, 0.8309237109210652, 0.34710508600736656, 0.3448064265744033, 0.7807941713964116, 0.4539467969041939, 0.9084093221288307, 0.3542103737900907, 0.34132677346641727, 0.4578754321903019, 0.9590270783905226, 0.49925372319282235, 0.026153077792296132, 0.00427026198098821, 0.42348658617339396, 0.20464266773370712, 0.4397670525728341, 0.35287757303951905, 0.21279750457404106, 0.13931551491223784, 0.4996059625254283, 0.5379543266346303, 0.07752465106977395, 0.1574275110684232, 0.8221482931141572, 0.8204816046661022, 0.15774654003771205, 0.10397571221373605, 0.176714378675544, 0.1498440581909247, 0.9877707982987197, 0.3709487114954303, 0.7368480848549186, 0.7148085037515347, 0.6267813074368782, 0.17403283465315425, 0.8219927277144402, 0.7625752817331028, 0.48181254708063304, 0.6307684304171394, 0.15029768003252572, 0.9468838362014302, 0.6421587584490339, 0.952111992126697, 0.7116958905562705, 0.9772829895849122, 0.7911334727019064, 0.905025073363789, 0.3344727513469813, 0.9651032585179072, 0.6876976014326908, 0.2267787587869054, 0.6070075395178385, 0.23223527807456837, 0.3652579972599448, 0.4553361063833994, 0.718006541914129, 0.8894839764064923, 0.8006820494336369, 0.03268909751131487, 0.16315970348368614, 0.6382728712574968, 0.6350320508149283, 0.4745166379522878, 0.929753810178098, 0.5970687361964, 0.3205353168466127, 0.03844109554677728, 0.24298301848936632, 0.7519778948674494, 0.6047685880182956, 0.4998444512176239, 0.9859324846882597, 0.6088477131601315, 0.7924048503111059, 0.6901407756107354, 0.8416183914534845, 0.7946696770892464, 0.26993575104059986, 0.8676142520292162, 0.5098393199391109, 0.5208877233323441, 0.07465922818155385, 0.523051241055718, 0.06615992089087444, 0.12168991614202115, 0.1979985554555523, 0.1950232943231432, 0.9756842287669687, 0.5150795784174957, 0.10991432511185048, 0.15223960304032744, 0.5016233152540481, 0.3577559456645777, 0.07154287755339382, 0.6262254927921478, 0.5618455086433407, 0.23319886959051406, 0.07427317592523182, 0.046978058491152976, 0.013471616041666542, 0.09309943833373244, 0.7988260233697205, 0.5882940970382735, 0.4506991922670708, 0.7616566572349833, 0.8296006133376983, 0.12166422107653203, 0.8806403760872477, 0.14995067263335668, 0.5040901720209943, 0.22074160240201726, 0.3850570356766412, 0.4660281110239092, 0.07455069935511227, 0.9914844255859427, 0.23006725758857796, 0.2665173081560759, 0.8067950235493834, 0.5090043328802805, 0.60142547167182, 0.37617980937185, 0.08895728060343476, 0.9235280164141635, 0.08648630127855939, 0.2566156255871332, 0.8921621331819748, 0.7343340151317743, 0.8198236728187517, 0.1285168032669795, 0.8127408465854228, 0.8801513669547353, 0.9558726588152496, 0.22222269749759233, 0.2961218092304798, 0.8558466078977105, 0.6048285438329919, 0.4294912788790288, 0.3279007533078624, 0.07317149907899183, 0.6330772563192182, 0.9096751596858272, 0.5533811111541349, 0.3854278355620666, 0.42939448973480343, 0.09165031074138673, 0.006802346014217914, 0.14136201609378327, 0.8795078707972551, 0.2664413026826075, 0.015876718424952294, 0.8663575087273615, 0.731749836056937, 0.3056801893618155, 0.9301623784044863, 0.5606167306186426, 0.6606605765269365, 0.24214516732139732, 0.7566738930094064, 0.9806852389289886, 0.24938434438681104, 0.24126768496170936, 0.7861014654597059, 0.012454046165339867, 0.8421921042904543, 0.5983468013451929, 0.14910114022829585, 0.7637344266490634, 0.6131553238357654, 0.33804926270784075, 0.6525100632898417, 0.25816546968015536, 0.8754443129761333, 0.6982670605052255, 0.05113684369846686, 0.9729248123368327, 0.4749641745291783, 0.748618869765795, 0.5375702521587223, 0.3300831811566669, 0.5714306610735642, 0.520692215631372, 0.5561764171427626, 0.9031037130362793, 0.6319939058082309, 0.37597008542582333, 0.4568810080732032, 0.5789767279016593, 0.7207599085034491, 0.5623185780189717, 0.8846516751291226, 0.8863507919361752, 0.2993865306192002, 0.052606975750826276, 0.6228461209953184, 0.6674613332339172, 0.18811808101975291, 0.1263118862117489, 0.498033152027482, 0.44088778431450737, 0.9221782787435726, 0.4734067199930987, 0.04158792126513421, 0.2863715797108471, 0.08114642001010337, 0.49972780017646823, 0.21239017475681846, 0.18625592557697446, 0.5447378645193557, 0.051971211649186264, 0.44183475999155086, 0.4117954926413717, 0.6201072807720327, 0.27176266220972656, 0.15781202206425146, 0.7070914137949356, 0.08036634661150366, 0.09593523484330962, 0.9091644001255172, 0.019111669805326168, 0.9149907727903144, 0.5492747858614497, 0.07508210897901922, 0.4311254937665189, 0.9904995947155648, 0.2718275391564908, 0.3567849808134791, 0.5644702216413574, 0.44269889619363867, 0.48751099941054155, 0.19743547663138336, 0.6996950953830576, 0.5125293228525718, 0.20972006752857705, 0.8423556526840096, 0.4968539526926764, 0.5608533702449874, 0.9605981537213988, 0.22567115261558157, 0.86295991401253, 0.7193441735407076, 0.3942503346810282, 0.32198469397413837, 0.016641043352342344, 0.7320143783647265, 0.19139348997389796, 0.841598003762615, 0.3754840815866114, 0.3269413346301058, 0.6047813912934629, 0.09027971064967803, 0.9325111671779073, 0.5783530178131967, 0.41999757649803227, 0.6466041265619601, 0.16649246902685133, 0.1627734026255635, 0.5852473171858418, 0.794053640361276, 0.9262177812210518, 0.3070994522031994, 0.4034828138654155, 0.16587036747560124, 0.9902655129992496, 0.43611098083198163, 0.03999377733078272, 0.135360180581217, 0.6788884068634407, 0.7508465731844033, 0.22618786227975068, 0.5962162611707545, 0.6015493226461527, 0.5382279327957167, 0.6345251960872118, 0.1426879623365007, 0.8417387738465023, 0.7708431227890418, 0.6791634677363241, 0.6319142293374309, 0.7398982816225128, 0.5962476738775737, 0.4650499564067443, 0.693934073780037, 0.8574359790753042, 0.9402689224767778, 0.2787530759162584, 0.7670226884932148, 0.3385758702984325, 0.2436413946788177, 0.8655429947440311, 0.5888533471029516, 0.7131271004686786, 0.6393591516087529, 0.06559613923879479, 0.0324978358005571, 0.8548437728859453, 0.8822541538271395, 0.559182449968057, 0.026668393577308554, 0.9496580702191532, 0.41648072752869847, 0.40071438714321395, 0.024355197453199876, 0.3564691114705093, 0.4778936169601866, 0.05997557527145465, 0.7701058697808105, 0.7176721395870984, 0.8772682917727295, 0.8058710180534275, 0.1381694651844952, 0.9841944309492152, 0.11399087903210235, 0.2400278078602931, 0.5383252399611307, 0.14706500704254513, 0.9857634466477441, 0.9838878170463145, 0.045378980112789895, 0.3482945952226071, 0.6350562199989829, 0.6586131007917977, 0.9307977466988072, 0.21195001698036026, 0.12622892063949093, 0.3649360407642638, 0.8131584059018455, 0.35577551539217167, 0.27541075022896366, 0.7127672989070698, 0.408920140553518, 0.13539892132606673, 0.28121259418017663, 0.8301461938455448, 0.8639142477516606, 0.29290272675108253, 0.896052594116288, 0.5962316268289911, 0.6836637686306717, 0.5184493841001955, 0.7771266611008477, 0.7640255138209755, 0.6980130571248531, 0.7663576874487346, 0.32937972890207035, 0.8134213658710197, 0.5729325072501209, 0.20369406242699717, 0.0658150610065674, 0.18479341292997378, 0.8787946913581398, 0.6422083354728008, 0.3872323672814256, 0.21901771892691252, 0.7412697143429187, 0.2631674145338965, 0.06313409539705687, 0.3084267685381945, 0.5347083939132463, 0.18981312510958784, 0.7192743117260523, 0.5451396930702588, 0.728096351840195, 0.8584192440417507, 0.2515470850159098, 0.11592655130726137, 0.13660871814805228, 0.44919550995679414, 0.8861050224594312, 0.03287005407497715, 0.98889100301962, 0.04378640530293257, 0.14809871772353275, 0.5927214149706614, 0.3623995400734158, 0.9606103977497826, 0.6227761909589165, 0.7170936625980371, 0.17811235141165593, 0.9411760395701384, 0.1437842707911995, 0.3658420734858966, 0.03579318750315913, 0.25518102065013626, 0.824322705070217, 0.293623448852081, 0.9565459870093479, 0.036217407537376345, 0.6851893507905176, 0.2694342700753303, 0.2606014819419512, 0.7346881122671269, 0.8332896301788435, 0.9320751579960151, 0.6214150662008906, 0.8801414645779766, 0.7001748316836449, 0.7606384293695321, 0.593371608641078, 0.3870114233919607, 0.040710381163510286, 0.15363146487932222, 0.3614040915589608, 0.589835874818172, 0.40456226627905045, 0.7833195526747427, 0.8256340646695665, 0.5951026678055291, 0.09787664618240571, 0.14384539967501492, 0.5814931425780677, 0.023168866970168213, 0.12876040049579954, 0.1547987461962597, 0.4386932386415787, 0.5233445194086319, 0.43874261257537495, 0.4994152281735985, 0.12833292621054437, 0.21848385242184962, 0.3940653495685701, 0.9343293488097699, 0.5569732972105332, 0.03073793806281024, 0.7925633884988221, 0.556809465913015, 0.6584052226252033, 0.9353239188462517, 0.41186503018098974, 0.5719013437133824, 0.4165106991793126, 0.8837766312806739, 0.6746944269547641, 0.015986666074835582, 0.8420091634514352, 0.2765541678274283, 0.666940092153343, 0.7770576164749465, 0.0678404444156011, 0.19802096174291292, 0.7480055567025263, 0.40667769753818694, 0.37733659884095183, 0.20774583115908485, 0.21662467013378928, 0.2856387602963988, 0.6058178845681561, 0.07886012117032647, 0.9529851904356654, 0.7272559781199647, 0.5019121588500584, 0.6320598344845347, 0.42990573461074244, 0.795420209030948, 0.9042261144844861, 0.3227749981529701, 0.6706415122604998, 0.6519627213603933, 0.9596339527223402, 0.9869054297552116, 0.6915311066415519, 0.7107643733870515, 0.18845876386970778, 0.7813971484011696, 0.768154429791654, 0.8670133475997219, 0.25950296542798124, 0.10611012393090728, 0.42698833268542047, 0.4204044744148482, 0.9485207058366867, 0.9499373792174711, 0.7764233018413437, 0.02895147010858533, 0.1848051182476492, 0.17559739592365248, 0.5669112844501043, 0.004670847782800375, 0.4311211958566069, 0.8986012763881221, 0.6215193881599608, 0.982690772950968, 0.9303451372650557, 0.776104293882758, 0.659172303039885, 0.6101864981818116, 0.4503076448215978, 0.0773227158622294, 0.6002008900908118, 0.6039275216708493, 0.17984365978301195, 0.08921017166916291, 0.717878372343393, 0.484249964063305, 0.8642777780459788, 0.6301634995987375, 0.21253102948457953, 0.7529361779085321, 0.6738105424613074, 0.7341308712876449, 0.5667391546978804, 0.4252683219987493, 0.4155924870824407, 0.9836406448035483, 0.9393122549415033, 0.5022599253577238, 0.27112913035992864, 0.16267711936912022, 0.37649619519984623, 0.9676320587264109, 0.44958843562611983, 0.6250213254453933, 0.8051437891614809, 0.8092995175853934, 0.3566567487935445, 0.8178247464838566, 0.7502146959989617, 0.9529161359914916, 0.43348508313504575, 0.2930867898452116, 0.3119090769393186, 0.2746219988215112, 0.6612372527615843, 0.06516380762258187, 0.43958810873082554, 0.7678671996661159, 0.6536848678548157, 0.6090530046823364, 0.9306266904029181, 0.1460453439720861, 0.8696947460714858, 0.13285026370511963, 0.8977225327710258, 0.6549350150136648, 0.07600196093207319, 0.7908347781315759, 0.10922601406852187, 0.3433513988362684, 0.6882359045373265, 0.4209061835004664, 0.7513446436397327, 0.05176625039658585, 0.07956683663392997, 0.7607155243949312, 0.8285080084094075, 0.03165609432002004, 0.26139558368514004, 0.3298210215667359, 0.9782439881761086, 0.31766539016126144, 0.8692976335422433, 0.9030751605443713, 0.8416750962922148, 0.5437244495536244, 0.12048631684121293, 0.9657618224879003, 0.9402248656500057, 0.7488715056306843, 0.2149885452385761, 0.5821143500439097, 0.23960445480813528, 0.05251788342119491, 0.42748389258167996, 0.8647675572876361, 0.4966647334281984, 0.8698748874459875, 0.3854291744761692, 0.5887262120361056, 0.3847750795452619, 0.10378216889756757, 0.11969604253714736, 0.13719805951385836, 0.1892633789499669, 0.9513703415236308, 0.009862007203542104, 0.7761609416912437, 0.9726060706601732, 0.2436435404238862, 0.8595220481747843, 0.7711665902389134, 0.26128198178382567, 0.04474296527697509, 0.49050413325352804, 0.6817445570611024, 0.10152708797890889, 0.8399442449873656, 0.3214758049105059, 0.6278722141422048, 0.9325577822707358, 0.9024638994410347, 0.9761685987230315, 0.47618019536430145, 0.28613100291668403, 0.3004145477127512, 0.8307157726783632, 0.15840816792965526, 0.6665243562848044, 0.25009834196456815, 0.05427261046797547, 0.4937009268439333, 0.7498925895940175, 0.8539059170791885, 0.37902582336351076, 0.25086794717189287, 0.2195989262572054, 0.9644610418554913, 0.783848764383472, 0.4653929137595908, 0.12407771290785143, 0.05074422270209638, 0.030357219865394407, 0.8177602837438029, 0.2956277821370777, 0.8620001425517205, 0.16998400379126588, 0.5342805197145628, 0.8341857706801767, 0.44868621356524685, 0.5634872520890357, 0.32328954503669816, 0.9917651107995425, 0.49386506122805807, 0.4920029989780982, 0.5602515472789442, 0.27287836188427383, 0.47071549708434046, 0.5244654623836338, 0.20145409757722385, 0.9925457636973696, 0.47791824460662546, 0.5187114820878423, 0.15994066016232578, 0.8328185130125585, 0.23268825931604223, 0.07746958202785956, 0.5460159531643741, 0.588888938754059, 0.3570300954308284, 0.08085528255151017, 0.8302142693196926, 0.3994550780590046, 0.08408656823377356, 0.5133377242329114, 0.5395344951783159, 0.23065050095716544, 0.24861631871429643, 0.7476492198564391, 0.0014366463806418732, 0.24319133427542727, 0.18918579325127569, 0.7511211637457604, 0.6753947505559738, 0.4927284540380771, 0.8933902940903743, 0.4743195411082247, 0.8203711209816833, 0.9849901590440094, 0.2737553805699294, 0.33858276293957323, 0.334973776305196, 0.7960915897023508, 0.2129298628959083, 0.7571058796699548, 0.7555422649933512, 0.4103342567396526, 0.9001082032697845, 0.7193624822672826, 0.9550257910043484, 0.2012555767633127, 0.6996424329271067, 0.11912393585082487, 0.07298068770031564, 0.45796938904314466, 0.7096263990951474, 0.8367499994645587, 0.699945909205645, 0.8217436472165547, 0.9395119637624294, 0.2573558989648465, 0.17671924131598946, 0.9262961412912721, 0.43651933648791086, 0.6297934677220363, 0.20736374418710787, 0.2772607609584689, 0.8403524426153308, 0.32845271922444697, 0.7154202211129275, 0.654154013731052, 0.09763698432127209, 0.5622739810860785, 0.17935712170918958, 0.8449627384878282, 0.24970533348569773, 0.20425526476397404, 0.6586368812406334, 0.7922654100681095, 0.6675664198536704, 0.3932717312053077, 0.18724799204779488, 0.784014581852808, 0.5805849006037447, 0.44995751358977987, 0.27436665260444587, 0.45777855009959867, 0.6149230613249236, 0.6315795206654474, 0.9504668328270478, 0.7192967504810628, 0.009132409432087525, 0.8741399846981839, 0.9220650926497844, 0.6347035107426677, 0.21326967656389267, 0.8375044148137653, 0.6477673423428885, 0.21756187009073152, 0.9679228374764103, 0.6367758408336711, 0.4811002330737384, 0.6411833841592202, 0.7616272126290722, 0.07056747477395621, 0.8521299410425063, 0.06643223807261088, 0.12760667816547275, 0.717802109981756, 0.2418766725779494, 0.5143116059388173, 0.5971432744936642, 0.5365001745437841, 0.6055563377063582, 0.5132806385937334, 0.5029874043826721, 0.7171665465971435, 0.3814356331882751, 0.8394701722583042, 0.08818212021701953, 0.3433715611121554, 0.7623029175669429, 0.911686635787545, 0.6804101868578292, 0.4961078013463619, 0.3694089524261316, 0.27934085774317424, 0.9040751342916322, 0.5581890767746619, 0.5246434983702446, 0.7666476629096468, 0.00465696586776269, 0.4539450074157202, 0.012688932616004844, 0.595618613381337, 0.5352073000265137, 0.10266760250433898, 0.9626926568669272, 0.3196993613161761, 0.7260351422730359, 0.9305668298605123, 0.24841634084043682, 0.8193665455621424, 0.03984109810004322, 0.6073528999880622, 0.14990429697141225, 0.49051025736690035, 0.39442264005689287, 0.09840893337707043, 0.0780916758724116, 0.1280516845221604, 0.6069436105095805, 0.6175474611661088, 0.61932324818083, 0.8994622256495926, 0.7621753580542392, 0.73963720646238, 0.4918649000295635, 0.7409722399550223, 0.646211302378557, 0.3157733865214331, 0.8812047729884516, 0.25916994759754636, 0.4415113163143972, 0.5107844637002494, 0.08878546287001436, 0.5115406182090962, 0.20353223627414685, 0.9244950034842411, 0.408366245607546, 0.8007600032142148, 0.4020213747206469, 0.34073595950868263, 0.6688639261044471, 0.633868916937842, 0.6692705207387024, 0.7116144699258204, 0.962068818639376, 0.6696683702323533, 0.3430213539473539, 0.740537173426749, 0.08000983964024656, 0.47573311134138474, 0.954673449757349, 0.011852389842473754, 0.12979189067899743, 0.9386700707698418, 0.44578237136588794, 0.8354033004254985, 0.3553715967307214, 0.45632592529465876, 0.509209836799364, 0.5668472589931878, 0.2367202990785157, 0.05116781619184422, 0.55617732090699, 0.6153360587185429, 0.026000371571336882, 0.8772285416550175, 0.24952006098100984, 0.9555999227634937, 0.1662227316904498, 0.7261244900448209, 0.004800005030469375, 0.14152704724774381, 0.8485706608581788, 0.9607259844870437, 0.3302083809242735, 0.5548335133572568, 0.507698049086911, 0.4710417736596416, 0.17447537640252997, 0.05062889996549026, 0.7262050099746988, 0.32528240533684927, 0.5072718414768325, 0.3137093742123822, 0.30414461352173683, 0.6000916185702055, 0.4866932445992903, 0.23992050124739306, 0.31905710221485245, 0.9840032010077929, 0.8833785488658853, 0.5079943484559073, 0.9025519037012094, 0.022696809076335603, 0.3973100326127549, 0.5582094283604474, 0.3672160562222363, 0.48507334011884007, 0.0007219437629260115, 0.37793188762191066, 0.46141467044378737, 0.5861959957274033, 0.36441495174535243, 0.314125566886672, 0.9193519127304345, 0.9287345406249554, 0.17377351088810297, 0.6300671776003837, 0.7470835925981686, 0.5514514792644716, 0.511380256471132, 0.8894720542218241, 0.5330043630872916, 0.3036399372879196, 0.08746395634168373, 0.08480830967079779, 0.9805503757409626, 0.6781905821457143, 0.3604290539831353, 0.6523012787506468, 0.7872520345270484, 0.32300175732776226, 0.4494446018917304, 0.35519235267492244, 0.9505742789164713, 0.05362116058155244, 0.570172903633579, 0.9102985988110079, 0.7326944970373381, 0.3395968875322417, 0.5426565023002421, 0.08052462112090328, 0.8046610701300512, 0.5238617998190267, 0.3122143428040771, 0.2733449277821909, 0.13408414479727546, 0.5448208656892363, 0.6950102748049876, 0.003134952612848387, 0.34257877557081584, 0.7044176586904569, 0.02610513293637706, 0.8877870642391046, 0.547007351122127, 0.9136125543242212, 0.0005957108286137352, 0.19417640921040147, 0.13772507963041555, 0.7160955206494635, 0.5923685264863204, 0.6333091801307733, 0.045087343595007816, 0.535108810894211, 0.8620790334920563, 0.29717738048039516, 0.9798953420635339, 0.07034655658795616, 0.0963730034080635, 0.46932369677845165, 0.02702192363987773, 0.6115688698510491, 0.7026023407684767, 0.7473920211710653, 0.2558209472301178, 0.7679613857114885, 0.7950978733001038, 0.5788466404001092, 0.8931202680434422, 0.4410757384240611, 0.9945775374203182, 0.8142353491423949, 0.24805168017892998, 0.08490539668901927, 0.2854196491928501, 0.8474109259917858, 0.6113678498469197, 0.25755861502189753, 0.6674208492826796, 0.9412868232284431, 0.8706430587416428, 0.14941172555045373, 0.39095521989748816, 0.15391080972288898, 0.5062047462503075, 0.2500438389874588, 0.542375478106025, 0.9538225589536011, 0.8800977174037101, 0.9000765061509408, 0.5114748876614226, 0.22669572841891106, 0.26133128725966265, 0.47762841757771546, 0.6779650702376343, 0.5739699071877871, 0.2183303055467943, 0.28384447776167027, 0.43637189124747766, 0.8466397383624513, 0.6451432861119437, 0.1963420590229284, 0.7791203703634595, 0.6461657904440851, 0.06632834886089578, 0.18771881289848852, 0.4294771215993606, 0.4859045798984615, 0.43380326348077247, 0.8211341980945713, 0.4999713766355244, 0.7677108136698365, 0.0975357438689637, 0.8001956674979078, 0.8261112898026898, 0.7961061247143056, 0.7469058011254386, 0.6994291073703902, 0.9364125253145907, 0.4617901302394595, 0.42724864237355953, 0.6064019984269498, 0.20456863745966494, 0.5909185388932803, 0.6554627415648192, 0.5107697077279936, 0.42706250948711555, 0.214662986430277, 0.8826243905575715, 0.20867469948719622, 0.9443894347814938, 0.43922823370955233, 0.22848873952217233, 0.25439458705735735, 0.5434616815287892, 0.9635194376899154, 0.5772439987549027, 0.4419337449951798, 0.28876370572419546, 0.3012091655493601, 0.32611155073246767, 0.7113461129983547, 0.1311678059647472, 0.18115255852843146, 0.23648647481597496, 0.08857018621343508, 0.07589839839870087, 0.9568465731929047, 0.1963557350043487, 0.0883834242260027, 0.11399318927238021, 0.8260948132983641, 0.5324762622025649, 0.5404061781127075, 0.4666075430232075, 0.8790401963519086, 0.6199442194868001, 0.773061506742333, 0.4569739949755147, 0.5329340473101923, 0.8409466990724074, 0.14770437646564788, 0.7436324700519434, 0.7950956435234957, 0.4543772655498495, 0.5987647111374572, 0.33501764325550076, 0.2860141154364881, 0.41548735473023957, 0.06659612949790589, 0.5004946651568339, 0.9261827375868633, 0.14319883831217406, 0.7046345234221898, 0.05280773670649385, 0.6603544475452949, 0.07997810605063589, 0.8943387367516504, 0.6131999410630851, 0.929378754437471, 0.877767898874106, 0.20708427240206453, 0.40324880936037344, 0.22424909032670692, 0.06723584722389023, 0.582600449768267, 0.9644667454785009, 0.6824366883813608, 0.5691460181534453, 0.12558107934335405, 0.07159613046514907, 0.6514574126551878, 0.5201971875149868, 0.330526609281101, 0.07755169972443399, 0.9603501330477384, 0.5622482117506139, 0.6921480009316096, 0.5088557759623153, 0.5373548375768766, 0.9185129303535233, 0.3573523344199482, 0.4790391718399183, 0.43337536970187385, 0.4974719223842332, 0.32665555664075496, 0.5558570325638377, 0.09983850094061365, 0.7034852373295868, 0.1992505473370697, 0.26190651014656763, 0.3644402304481843, 0.8727257650672388, 0.3296660436223948, 0.4790844355450721, 0.7988095810216366, 0.3863484959721838, 0.11511624602283527, 0.14441121672658713, 0.9359836579730887, 0.33592064738257155, 0.8863929314177642, 0.1673888064376069, 0.09644358281293705, 0.7920171743367772, 0.8901667927883438, 0.13410869176659912, 0.6820542377751417, 0.14770024738338208, 0.8174156864786256, 0.767332060928169, 0.6907689717387853, 0.23177392490276835, 0.01936107618848084, 0.03544962130790682, 0.725844857008263, 0.7983817121203407, 0.7724629397956176, 0.6679706602551174, 0.969408095213204, 0.31200228974496197, 0.19958779183052272, 0.20917660767237112, 0.0017552201007664753, 0.8140345009882318, 0.6973832363090441, 0.43214021448896156, 0.18970907887792818, 0.30262219356771897, 0.24477386909850202, 0.551456425069496, 0.6238534745534854, 0.31242458577081067, 0.6213786120020426, 0.7590858478659267, 0.7827528809812488, 0.26114615296799903, 0.7608812972092448, 0.7079168782992682, 0.6851294348457929, 0.8836171051526857, 0.33075458024566917, 0.6416426504384369, 0.12581323887317405, 0.9876066435106012, 0.7139443756110562, 0.9319060172369916, 0.5252111044943888, 0.02630201703466813, 0.029415277350453652, 0.006014784775438254, 0.6306659721502953, 0.4647062865074627, 0.9655050442237098, 0.2174165242938705, 0.5273460232559841, 0.22586481342696246, 0.7841365112838211, 0.7695181239736678, 0.5817780999494644, 0.6656558722801986, 0.8240893644329099, 0.7241164700660857, 0.23527070585275708, 0.08012140383936729, 0.5881226147525758, 0.8898608417868226, 0.9881900859804345, 0.004533711906624584, 0.45440885188891333, 0.013682483525142897, 0.05680920247366382, 0.21913191688717676, 0.4029396013247315, 0.942122714596815, 0.596728101762209, 0.7809363817330361, 0.9801855034880926, 0.6096326319051346, 0.6816795851445482, 0.037843371632993436, 0.42906667799304354, 0.2297824190438525, 0.2893570837580303, 0.38376218076777924, 0.6139904099098559, 0.38668961073593744, 0.5246267023779272, 0.07909719094566883, 0.3013355742157956, 0.12993845679510801, 0.56070355595531, 0.18869991410419873, 0.04279845204131238, 0.5406688679386339, 0.12183781128272332, 0.7026127471475424, 0.9849402207994202, 0.7731393930254622, 0.19167447103223278, 0.14109996993644944, 0.5370520082907928, 0.6681807548602646, 0.09042462227459258, 0.1732499999169397, 0.5534017470318301, 0.033575575944453685, 0.418377366730447, 0.9313706158899292, 0.1624352924734225, 0.9114562872219824, 0.29748396819909023, 0.7338693441758982, 0.6197387063490043, 0.9926721952847077, 0.3359355235990553, 0.6590941080158561, 0.47322494056463693, 0.30878731910752605, 0.323347395589657, 0.9134741198477028, 0.7655725143247847, 0.17433985131889432, 0.8398553307516268, 0.9870478410290433, 0.6710942290542576, 0.3976516534761859, 0.7793141434807287, 0.4555453171124261, 0.39168211819863163, 0.5881623390037916, 0.6897144162788065, 0.19594180564792651, 0.18149393678361825, 0.35828401123329157, 0.9052292433581682, 0.5474714245111623, 0.018820256824639954, 0.9292542168403494, 0.18102861822126423, 0.6340813609006386, 0.6830603680694288, 0.07435701008880785, 0.04077099514444742, 0.041691855179960345, 0.9830982550458645, 0.37128856033281, 0.3827881612558309, 0.2271911278176189, 0.9464971562319595, 0.7452205899644042, 0.19786506605787524, 0.08223045795340728, 0.6308885670970967, 0.9853066190527704, 0.8489596316994351, 0.511872116202941, 0.5660409788446243, 0.9294372630521355, 0.21065257575686597, 0.3090526453630614, 0.8079743431775328, 0.050876937366969896, 0.10659002429437509, 0.47369331321449337, 0.0001739002378144062, 0.8694659923211975, 0.6666571085751465, 0.332634746432504, 0.40359083466122014, 0.8268267727281552, 0.45927182421442225, 0.8535306464512402, 0.3490586727870886, 0.43133367070958784, 0.3991418637964015, 0.9031243111709337, 0.16010745199572057, 0.025560453526116283, 0.5315085994915278, 0.05440561435829679, 0.8620655122231309, 0.524482123782548, 0.3545484899006075, 0.8383946866747491, 0.6968897397236482, 0.6600981587209582, 0.7963089323313126, 0.171319227003648, 0.8522084024650782, 0.15042028785917883, 0.5673617269065936, 0.9317019326919181, 0.1714944910382439, 0.8118873253213974, 0.08072971968908019, 0.41436372712743796, 0.028301383900850113, 0.7470442753860347, 0.9978306375280357, 0.10258141729987183, 0.7463902904930747, 0.8773128299612586, 0.3903171369361421, 0.5339886417486641, 0.2402831980321254, 0.9176522517372003, 0.516987272680814, 0.41346218037772686, 0.6885768591846146, 0.3745224128783978, 0.4028370707749379, 0.7331472487092705, 0.8476170139258492, 0.49081875998967617, 0.04569552378800822, 0.8845290505608279, 0.2166599248783422, 0.7764704002065043, 0.8875959422664303, 0.7898456725543281, 0.42212161024394956, 0.5427205093740531, 0.3809453345406154, 0.8374252849805239, 0.9561032703631431, 0.5239937426937006, 0.09835193022310677, 0.19200967530250065, 0.3426926558065917, 0.014123539270884554, 0.15466768376982754, 0.07851336742985734, 0.30911022119626613, 0.5199178510993547, 0.7888875033484238, 0.881883469636657, 0.367315394290204, 0.854350058057147, 0.7398324627718127, 0.20791129602461986, 0.03668896572050996, 0.4985707915241101, 0.5806810179453379, 0.6291539791360488, 0.4298601349406488, 0.4332338143195298, 0.9851396655170028, 0.4523640923128487, 0.30692618736135685, 0.5410729944341399, 0.3572239092927417, 0.9079467516870965, 0.18384228188390897, 0.462110657640146, 0.8427392721919208, 0.4284311928025766, 0.3563451834893063, 0.1754242822263437, 0.9587234097349473, 0.9467129674588227, 0.874562801233061, 0.09206649449770136, 0.45573178897302224, 0.084229378797698, 0.9217130109571623, 0.9422514285592986, 0.16281801630880074, 0.39262521789763094, 0.6028713559566269, 0.9404094943132398, 0.3812955715064903, 0.3969167186130199, 0.19555477787839476, 0.6561730575808731, 0.5120606614117453, 0.44949604220330874, 0.48621249770868535, 0.5606893232081822, 0.9885048924367397, 0.8645441565039064, 0.8419033489714776, 0.2711564735610138, 0.18022731377549553, 0.8506316575579255, 0.6027709897473845, 0.8831344771267872, 0.9545261714506603, 0.15392346460580683, 0.15762194762431947, 0.9136806899803255, 0.27671479661305926, 0.41446292651700667, 0.5369369988106851, 0.6427406261001753, 0.5013489522026912, 0.6902329643658875, 0.31619113331142945, 0.3968296523607173, 0.12185340416846617, 0.5328653269954542, 0.13718498720338396, 0.6033215298382001, 0.8981744218378092, 0.04686682946274132, 0.8889392800097349, 0.6027287949140001, 0.20690177148406508, 0.1725680221634302, 0.5123261805652489, 0.552269504705954, 0.8912741303741165, 0.3511441920475712, 0.5585316709209498, 0.7562368264093376, 0.2879805424087424, 0.40331913562125976, 0.19746931188043237, 0.9025300051390682, 0.27661912796767024, 0.8225813310048655, 0.32798789321339594, 0.8305140731963454, 0.6035362653456147, 0.42011341879288777, 0.1243723568109351, 0.7035334174181369, 0.3058592011035245, 0.0024790202284242497, 0.09509005691548306, 0.32937807747550985, 0.13784363789466847, 0.9696284232809014, 0.6398811080249036, 0.18717456844824965, 0.10806567153940029, 0.9277601435133036, 0.6277353576293576, 0.9742424668399975, 0.5335276679998173, 0.8846195992603323, 0.8816376536781821, 0.8581663133213124, 0.38810708978282527, 0.39963632050169007, 0.31276364563806075, 0.5216674951090368, 0.842407130708845, 0.3145087681726249, 0.06309012132390299, 0.33671128072903267, 0.7634818297852333, 0.661663880362594, 0.9723715660909139, 0.03666162006007678, 0.25694467639930463, 0.9830360822331494, 0.6072763713057097, 0.300155547356873, 0.6726518885341626, 0.8486273152590421, 0.11494621526743427, 0.5785623705285683, 0.6297632575699805, 0.3295141668564905, 0.12379396351932902, 0.8971716680904848, 0.823828383363401, 0.1310569203381274, 0.44141962790993583, 0.3805700822707715, 0.5287424923931954, 0.35973885206717837, 0.7671399440738164, 0.9877109713534685, 0.5753207309367634, 0.07474238403170269, 0.2798914434680527, 0.374584104213067, 0.07610530730071359, 0.27537122414468435, 0.8447726079980926, 0.6469741435296505, 0.6664029090782475, 0.462516753963337, 0.3683345776098179, 0.11206243915106043, 0.3658964988985791, 0.00707901706504507, 0.0959180548813256, 0.032103662722185296, 0.03656541129963975, 0.03824631410906231, 0.6970120956977135, 0.0386093926742242, 0.8613023950728681, 0.01032432762466644, 0.9714551928462617, 0.699008612615967, 0.10227380433156384, 0.4836084743486474, 0.7752177750189846, 0.502959616608547, 0.05380734843883195, 0.008430347263053887, 0.8697253416854778, 0.8494038680119083, 0.7130923633302009, 0.026772925277704158, 0.6263507744425336, 0.9202484878562418, 0.2872798305298066, 0.4497473064952142, 0.6252603315907457, 0.39128246911125464, 0.8039957330407923, 0.3668004277388427, 0.5981053332119775, 0.17440830895608006, 0.7490610127591553, 0.22795195069279353, 0.11290643355762146, 0.3528081780368597, 0.28931784190764387, 0.178583669041365, 0.3158944520361263, 0.9834246712690562, 0.6836251567994649, 0.7284090981022588, 0.73712413757137, 0.5390820068546961, 0.5477750797363821, 0.3671457999709953, 0.5487091790672047, 0.012634191498205915, 0.9664686802358976, 0.04947509859950845, 0.6973124540423941, 0.7970570668473382, 0.815661511868863, 0.6256903489155905, 0.5379499594191978, 0.3142244948235725, 0.7337725659502011, 0.8607836477358038, 0.33242631468767936, 0.6945499443589578, 0.5341429785778524, 0.21740987579039614, 0.00290177105279462, 0.855717370529185, 0.06095889636712973, 0.944635544216716, 0.9884035396353741, 0.8573991950417749, 0.22354081821291602, 0.770719521439893, 0.553866982917609, 0.13023963508678543, 0.085813358823813, 0.05005637523946393, 0.6674636342884843, 0.17446901188264385, 0.874966091618131, 0.40696094922053083, 0.9257461575172896, 0.07044240137683216, 0.8730468150281909, 0.36470675693186405, 0.8803168576359129, 0.08933944516720738, 0.5688786301009015, 0.9830117422443995, 0.7968561452072112, 0.08889531829425211, 0.7558692154158305, 0.04767900334760591, 0.09777749016223902, 0.14684329420681647, 0.9632610177097412, 0.7409290434695461, 0.7683060568335046, 0.08035013352744544, 0.34892038987649854, 0.6880444431001426, 0.7866119620474388, 0.2407558012693053, 0.7064450922547798, 0.7863697384701717, 0.6719744149603626, 0.8557801665212635, 0.46582680518703645, 0.3053869495329856, 0.0731553520100329, 0.05195225557982241, 0.5957090248686563, 0.22755180150389204, 0.42345692073763774, 0.15410620816853485, 0.5406422264014091, 0.4336134725934898, 0.591072402678103, 0.012818938564620056, 0.14987433199480307, 0.227332708164065, 0.3482938012729726, 0.8833385671643689, 0.08402217700486146, 0.0836643567239532, 0.530282334907839, 0.6815582613002011, 0.8323930211173999, 0.06388794004250774, 0.3775435224343473, 0.2677384885060449, 0.425409253660633, 0.7600623466342333, 0.2697223590674661, 0.2952009295481477, 0.5418430926083956, 0.18319165445173957, 0.9317808233039953, 0.4171778483117987, 0.935429952553322, 0.11274163846006412, 0.573923659968059, 0.30092313710522156, 0.84137732997669, 0.27352196509087995, 0.5948176994352399, 0.33420988951800557, 0.1507750137592704, 0.2428181213843724, 0.22816088994267952, 0.7147396496079794, 0.3093280546505178, 0.8695659610462481, 0.724077702108316, 0.15683470185417883, 0.6160196376759037, 0.115885284333238, 0.2785848292692307, 0.28590916575320796, 0.17671459849724608, 0.7966026264809548, 0.8020736834037446, 0.6496674658080677, 0.2271286608299382, 0.9106259815942669, 0.25273168544801583, 0.922125724055774, 0.9230909613012379, 0.32304939702207836, 0.39513783980395367, 0.6486586596976198, 0.0013485729129994975], "scores_": [0.0005366998040271283, 1.5966230900987712, 0.012769318215461232, 2.3045576242584915, 0.135334546510551, 1.287047522103398, 0.5705535974980325, 0.03135395988672468, 0.7150270885740894, 0.0970552204822407, 0.31270385488739494, 0.20443383053910877, 0.013619045244632503, 2.628236653861805, 2.46858397466972, 0.07780554813863423, 0.009818919135201287, 0.2341732587710599, 0.16036147481573637, 0.40772551286024544, 0.030098903391115643, 0.7605305670776957, 0.16490158000143001, 0.0013961939743875145, 0.008059747452537645, 6.3395534013045305, 0.08686900910905238, 2.879010210469204, 0.5611777144083416, 3.0948545608317604, 0.029089821457806263, 0.27939496006580733, 0.07366059374415813, 0.9911529505045514, 0.17494848484270856, 0.0005088484053163332, 1.474494708609639, 7.089736987736747, 0.6351589936062839, 0.5734595808045938, 0.42782595705289816, 0.2148557918360121, 0.6279043247279372, 1.3769838109238846, 1.2346957966445375, 0.28315148681747093, 0.9660686002924503, 0.4764402519007001, 0.009066886071831008, 0.7165210676430822, 0.03904755083479439, 2.863154606856076, 0.30641960965409837, 0.032917578238904725, 2.3076004566692854, 0.015351084498136644, 0.30635061591330653, 1.7500919786211528, 0.028321315242329764, 1.261920942038293, 1.6917107754111937, 0.5417234119506141, 0.9759502397065647, 0.309676984210725, 2.620291150493486, 0.1078951426982154, 3.532994206096976, 4.394336277198367, 0.017290444829990793, 0.19702352280454005, 2.9575716064100384, 0.2675611252355259, 0.500705899683151, 0.0687338916109263, 2.1588160791307653, 0.3548211556404349, 7.167541478345856, 0.24957827018280718, 1.621738444502239, 1.0149864800104793, 0.10344805688429685, 0.2787495889073187, 0.023852761327306307, 0.6391001565781421, 0.09661514276249027, 0.8042808007579448, 0.06705918694058396, 3.017216995923574, 2.5900426264247507, 0.002386921965735104, 0.1289188660642129, 0.6720012651489199, 0.1450965777328638, 0.5236187272638563, 2.2503567953856263, 0.592618142833496, 0.005953688771616301, 0.20129333875212008, 2.003285440696115, 3.596022542253328, 0.3835513460502392, 0.07896617774845355, 1.7505381725092481, 0.3621351627818026, 3.4646818762132495e-05, 3.4642109859291104, 0.1721313143721912, 0.02954357821701969, 0.005301164254582374, 1.8236569511785194, 1.0352301521143639, 0.1644792505802566, 0.675601014607539, 5.558565586443593, 1.7091846416810443, 0.6931036165045923, 0.17051772162866982, 0.0014085203669923843, 0.010500608180339807, 1.738311372853349, 0.8054620794638053, 2.0252098493839927, 2.182986769002719, 0.361783271655721, 1.9177609185925852, 0.19345111406105978, 0.005391945533917508, 0.003811354712273161, 0.014284088090477532, 0.8629703802729135, 0.013081945651842288, 2.4946804409309316, 1.6780323316638708, 3.136678280656402, 0.09604506710033654, 0.1590435133362995, 0.010204982236108572, 0.742592515465442, 0.6584508217768403, 0.0072533016226981675, 2.2407560190049503, 0.026489286066576898, 4.837478777313338, 0.607641119797605, 0.32071720653953384, 1.027556936307586, 3.7968463782644024, 1.3265632187701508, 0.4990027524851446, 0.0243202729115339, 0.32204795054002405, 0.7280498804455535, 0.6853944796213614, 7.329733514059407, 0.08993705829878701, 3.160120439107688, 0.07530859886994813, 0.38364903727931066, 3.227856956356347, 0.13182324626872663, 0.00017782275187611804, 0.001568361507841528, 2.0455194556043406, 0.020254423338814866, 1.545940951219252, 1.9583997661128185, 0.7188054241604425, 0.7142671253702233, 0.17634443348162318, 1.9914440909365312, 2.3821919970484187, 1.0317732150831413, 0.0052417830634265096, 2.3269042574322696, 2.0518118720427725, 2.2114405057659816, 0.0032187032977308034, 0.17483291000374965, 1.6937536633201464, 8.638188554608301e-05, 0.5961946527370288, 1.1081771414781136, 0.20333013547812134, 0.7050671174670241, 0.02496553393136063, 0.5268476951339514, 0.0027751986179987346, 0.0028270884268116686, 0.0006124056914009812, 1.950215244901304, 0.0007396418186946801, 0.2007418931144728, 0.2916721350560097, 0.7833176286883798, 0.19287736352055815, 0.33496527026632855, 0.07096443199465524, 0.024316650130748952, 0.13784119751829943, 0.0013708861902580708, 0.08920562018461352, 0.6888355394188517, 0.13957401903073444, 0.19674965885563842, 0.001994172841108027, 1.406384020247316, 0.001427261814176773, 0.1829522012363589, 0.0025234843350576412, 0.6408816034609671, 0.17674362575841712, 0.29291145408059677, 1.8156281243077979, 0.000727575418959232, 0.19848491308980507, 0.02027895169215128, 0.5014381373232017, 0.790895131386459, 0.0022919556255401588, 0.035246885985298945, 0.04152687599905947, 0.1259286480569788, 0.05401407381398126, 1.0820413392022008, 0.5788459382207174, 1.9056749195729374, 1.061080384260097, 0.15062177531194929, 0.8831186315066112, 0.2870053836761499, 0.8833861114172419, 0.12954883848731966, 0.08645210058546109, 0.06695632621139144, 0.8107681487713235, 0.23292399715384746, 1.2319164450082751, 0.2292236652504398, 7.73474857363215, 1.8298915776805236, 0.2987814156769563, 0.29586863712902983, 2.626186810630407, 3.1370317138787422, 0.0029737605288004875, 0.0929325934255914, 3.111091331170624, 0.002327523290660142, 4.343649385064417, 0.0015704561576638401, 0.00019948051762674936, 0.09496704571965314, 1.7726072470040841, 0.04821928355665698, 0.03851248891967132, 1.3995799042386963, 2.344362269392146, 0.4877761759644965, 5.715650636540983, 0.5295531434670778, 0.24340555170915262, 0.004596051617091635, 0.005473387022765673, 0.1826306151222325, 0.7647616824553041, 4.685796075885186, 0.1936782681049266, 0.851807458319054, 0.2959773958487066, 0.9224589847760521, 0.011937198129284036, 0.5871306672459102, 1.1767146642609558, 0.22562681729463724, 0.004377157349323714, 0.3421614563160266, 0.16310850788058984, 0.2327270116185502, 0.7133332015770655, 0.2248976126309229, 0.0033628798897630263, 0.013916011781221191, 1.4414492861387462, 0.687125121793343, 0.025366262897886134, 0.904705071513819, 1.3479593794619373, 1.0165141664573916, 0.0058836725135525325, 0.47034149644534795, 0.03958317249314131, 3.191885315394116, 0.09009690529752552, 2.6104918825653205, 0.15460075077312302, 2.028094636469333, 0.09956766817564558, 0.2530036979694363, 0.0158430525645408, 0.006069295095024198, 2.1244290322327295, 0.014354464307695209, 2.257176792917906, 0.5495382308465611, 0.4438951785491302, 2.298590739717175, 1.1565777572655607, 0.42594674819067974, 0.12579343767813522, 0.14883020668879257, 0.9115594402315893, 0.06664619115012162, 0.25893951958507594, 0.10831077487951048, 0.0018660457562095765, 0.0717284738905997, 0.11232959393339485, 0.9145880473810395, 0.11636287024621668, 0.0017532158620156824, 0.6328560119294481, 4.8292487584004, 0.3799457539372629, 0.8258939144723009, 0.9191674444623469, 0.9815114911145145, 0.1450183249090693, 0.016084949156949146, 0.45593629814502845, 0.2736036412018701, 1.1790204115027347, 1.0986171219598706, 1.4725860163137805, 8.801240918110375e-05, 0.4001332070337539, 3.015836285793155, 0.17253987013788671, 0.3058197902153958, 0.4506967098018465, 0.34019285837726065, 0.4502831042820352, 0.34275356705127236, 0.026104399506916228, 0.021456246100283686, 0.29118000708935804, 0.017808681717006898, 0.1290697824931829, 0.0781936388135908, 0.0964424636607106, 0.2755639765782997, 5.1746261149460775, 1.57549942274979, 4.204619282834497, 0.8250802481580349, 0.3574924158330719, 4.41641962775591, 3.7530407691722143, 0.5681255143670056, 0.8306798712306962, 5.783181767294816, 2.5232056475770968, 0.027732161530168817, 0.07158510755811505, 1.308494908631867, 1.7419378625902193, 1.787656597315879, 0.3157993587802569, 0.004870450561516712, 0.1327897208185769, 0.030489910140773083, 0.012766292971399064, 1.4536092753103123, 0.033632925283408555, 1.7409903934990625, 2.9857231622471088, 3.5374478009629136, 0.03359703770194862, 0.047324223045653, 6.158302484004265, 0.011727410772914473, 0.17710370930649452, 2.4969174469418185, 0.08692431099948088, 0.16460687875888028, 0.22531634557233676, 0.17389743573868838, 7.662564411598085e-05, 0.19926609878805265, 1.555130493501235, 0.5159093027642037, 2.0575896879263325, 0.13201180331604084, 2.2319750220273824, 0.5339218268792937, 0.4648468091309294, 0.009695952016728711, 0.016553889467953553, 0.07696743821570926, 0.0041101216703491724, 0.06055791548326605, 0.023400478454024178, 3.849066973318361, 0.09613306362296545, 0.005380115079990939, 1.3569427643527308, 0.5209283650467122, 0.9591638132853058, 3.2553140752827985, 1.9073305722362297, 0.5734458788842993, 5.123784893234776, 2.6414921761657078, 0.29351022502839197, 1.7864693389415682, 0.17302925311331943, 0.44575453347369726, 2.076772131060543, 0.05308240441348948, 1.6317286099364534, 1.0564422870084629, 0.02838483146959919, 0.0641623230256112, 0.21616550046852376, 2.121864774217207, 0.18857629438508478, 0.7802295915541818, 0.06038937965159087, 6.953481443248148, 0.03729679611718988, 0.41261382486880543, 1.2956107876239171, 0.0700204189309703, 0.723241292127805, 0.01869831848080537, 0.029448741927342533, 1.1300487666079106, 2.0213295678035124, 0.39479150387177503, 0.14822925925072394, 7.0941296615871146, 0.9578593247241147, 0.07549381126387672, 0.39492361759526146, 1.5387318579494809, 0.7580908745179519, 0.019463235120223195, 0.005008034852885678, 0.23128305957599082, 8.236159030325972, 0.07674355469792273, 1.433507629700425, 5.9630499850541545, 0.1671668403827789, 0.5837677342266722, 1.0023098144391074, 2.129795722538987, 0.5500390015399911, 1.7666134246336256, 0.9016455816796425, 0.13434888267346787, 0.5130421885773263, 1.087725576902823, 0.10005749013771845, 0.026441850609540504, 0.14102943347110897, 1.6723286808333797, 0.2732192048533527, 1.432746808603281, 1.4476430762718346, 0.0022591229967825117, 0.013834301304733272, 2.6426631946248027, 0.08784577072881042, 2.2479862912771913, 1.749839080855903, 0.07153787133947083, 0.759103086194795, 0.019386860940045384, 1.503501304660519, 0.6620381195229973, 0.1662831413650873, 3.3234296645735473, 0.09402413094120826, 0.6912489494228186, 0.6158449177821121, 4.491882399645278e-06, 0.6818819461720671, 2.1632168652864405, 1.0494597377251718, 1.313359846685814, 0.3585367911990769, 0.680917132162862, 1.5566934723168289, 0.053747151007502304, 0.9288710469000815, 1.617187166797283, 7.773050445195944, 1.0801521880864888, 0.8502590953039482, 0.22205517478985717, 0.15425279680638299, 4.795222688620291, 0.10980163549672012, 0.8943442132607801, 0.13269630459684909, 0.20263634101579248, 0.2707840788191439, 2.8046255719073256, 0.12867793076343376, 0.5684730904216432, 0.12366758476892699, 1.3180806453724148, 0.3672393282575843, 8.101853115768961e-05, 0.6711819917324413, 3.526506211932113, 0.7115584138618989, 1.7030892620401172, 0.003919518170446612, 2.4140321784708973, 0.019272111780135735, 0.40978555087225843, 0.01565210194159623, 2.216905455271087, 0.06322863801492748, 0.016144808624019565, 0.08142203779286106, 0.04456432244954105, 2.9599664722519075, 0.5956544314894615, 0.002888441559842608, 0.42211798217422675, 0.4009529170141415, 0.13962264578551886, 3.8455048371409783, 0.0002223774218821253, 3.4812975650326177, 0.00282004981951246, 0.8635776536933151, 0.6454330661665524, 0.0010175130672478167, 5.744870472078811, 6.4806967027014775, 0.7325296083135698, 0.3164449558301747, 0.09092630467699961, 1.1465405524834722, 3.71454455264345e-07, 0.4644558763195273, 0.021535832130272263, 6.7284144658633736, 0.00020011264713976044, 0.9985602270230514, 0.08086346408010817, 0.002315202805825843, 0.8134409906178663, 1.179295771621678, 1.8400743751852298, 0.08807070777839222, 0.07253625414594436, 0.9431782389961281, 11.867586684101536, 1.078711975030858, 0.40347377633631587, 0.006034176237277578, 0.022901959817122057, 0.3599979640995423, 0.003240989220486799, 0.000502435450485351, 0.6028978829494526, 0.04363496158649084, 0.540712717390712, 0.08289336567628511, 1.1267468434500398, 1.1447114809108772, 2.0012804903761694, 1.5484315553804573, 0.22248813757845334, 0.0014532613320654719, 0.5338776545551293, 0.12108601537687179, 0.12913661779350602, 1.0394861803282403, 0.070669027863259, 0.12480407601922461, 0.5963900764541276, 1.4413834956717992, 3.4817156162045064, 1.0599712928236482, 0.8990138162007679, 4.22774533137753, 0.17498806681683046, 0.7698681609235822, 0.72058631323262, 2.5242644469303337, 0.4856784633104033, 0.17842627957249968, 1.3822190091948179, 0.36785208496430893, 0.17782338759432123, 0.6334629315222083, 0.3290419744430079, 2.9898947132745906, 1.7877123988059507, 0.003097176811590467, 0.1304062231352778, 1.279524320029659, 0.0033609922327869496, 0.06164350597649135, 0.7916768448648714, 2.680397044242673, 2.5187825286111325, 1.6840722098186576, 4.077415464143593, 0.3497753955835658, 0.07434500412593581, 0.036885976036873984, 0.3942433347477293, 1.2099554658253733, 0.0007572763031135539, 2.5244424807890553, 0.09644946500634027, 0.13893940996994542, 0.8107986605885973, 1.0697916972043036, 0.49810237458060147, 1.963444341032896, 2.713794328694944, 0.541316561202527, 0.09182517776310972, 3.7463223707148563, 0.31509504622352447, 5.699767728653582, 0.33245595974904846, 2.532171565526951, 0.3708785100880676, 0.44133094509216797, 0.34240130717161776, 0.45879315151372907, 0.3800739905771314, 0.5733460295797664, 0.0036282193636640943, 2.233503602610297, 2.655025635240946, 0.17810849721627242, 0.5866205592538534, 0.007463474260779595, 0.2110295700651022, 0.3333979961834525, 0.7184720333838246, 1.2883652570596058, 1.2790076791457965, 0.00035903478380393733, 2.5145943507000585, 3.785199571853067, 0.04402730827886742, 2.757913801006234, 0.6674932986149866, 0.41446499756622396, 1.4792223086364862, 0.2719385219422699, 0.7727288019060926, 1.1222266753049779, 0.050559563778100336, 0.03788091807462926, 2.820960484638484, 0.8470845774204037, 0.4936795669170539, 0.018640869357534118, 0.466544794000905, 3.414652539201771, 0.9284962238008028, 0.0007231180289595069, 1.0197719181494098, 0.38905997906392187, 0.5547223796428153, 0.3802890707112526, 0.027418782601053356, 0.12906140299283855, 0.10712003950611533, 0.19554276970059187, 0.30064823065943785, 0.3856314076663225, 1.6536732722210299, 2.1714395315911523, 0.6158815436513152, 0.49479697433484826, 3.280126576983333, 0.16256518711162318, 5.298905798992039, 0.3393035294881528, 0.19097984459952513, 0.35316463848687396, 0.04934501240968409, 0.8037294443224621, 0.5166048149233441, 0.1696315482639491, 0.338324672449002, 6.531500032116629, 0.11024762189114452, 0.9078754128488508, 2.508505629284414, 0.11184018234339316, 0.5014207361034704, 3.432669916747598, 10.07957308964979, 0.05857682816765821, 1.7598497418849266, 0.5380136370107236, 3.666363698416571, 0.13193896786263248, 3.7093333212398325, 8.1838794511717, 5.166538907726845, 2.063699767018549, 0.3207699180141486, 0.8626509437956676, 1.4342731995847018, 0.543180660060671, 0.16982411913159623, 0.1176113325726756, 2.164189724323445, 1.7808238081307093, 0.03884415204808771, 0.1186281781570797, 1.099871848850024, 5.656686006372804, 0.0021858564643568315, 0.08911548337252219, 0.0016961115321199873, 0.48084699499015876, 0.053309996591810904, 0.505389070863792, 0.05806571780807314, 0.009878249263984411, 0.0010016224987121891, 0.002130048226692393, 0.23247629578208073, 0.37389607356401366, 2.5897028409110923, 0.720070140329219, 0.5330372478853926, 0.40479344813865237, 0.029017196885820017, 3.917626562809528, 0.03638674625473031, 0.059678428716863824, 1.5694823133967675, 9.456417044394767, 0.4494612565576851, 0.3603940124698216, 4.263232605129586, 3.0188106902922907, 3.8776817043578182, 0.19622492843448575, 0.0023856653135553183, 2.9720242790403373, 0.17121684038087745, 0.0038333096879501548, 0.32456036744031913, 0.04997822736785712, 1.1052991962923262, 3.5056891289005594, 0.16599326371226564, 2.433878545806067, 0.13586344361999156, 2.223270749883948, 0.32334146700496197, 0.18877260271117266, 0.0002486810678863495, 0.006946365320799029, 0.3583661219346154, 0.09117529070016293, 0.08713989534291461, 0.5310150262765035, 0.2163642950151647, 0.7046621046553336, 1.8460891009857006, 2.057983883636196, 1.9704988054224333, 2.9084759418129362, 0.016103451350990956, 0.20904255833976831, 0.012394957721789876, 1.5801023088183417, 0.32900063454352907, 3.873920437374076, 0.00512302836446038, 0.2586861682148966, 3.3437137037567566, 0.015675292443040476, 2.426060324604612, 4.2939514007030715, 2.5651131261967692, 1.9536807334501123, 0.23570299529342748, 0.10097963782173, 0.6032387822231321, 0.034968869747070024, 2.6598970371904853, 3.3175791412516293, 1.935100301532017, 0.02620113970850294, 0.18541093707076617, 0.7356583948135073, 0.0415843209312234, 0.3301532017793278, 0.5055099990279341, 0.0298907444591709, 0.008266515636446715, 0.6125677751241801, 0.03936430946638824, 1.881227831184716, 0.16946078083346822, 1.4635626740197039, 1.486518390218223, 0.14664158226344176, 0.0134177140379717, 0.21592234552055165, 2.351766667853836, 0.7566264327114538, 1.2494328099133676, 0.10409652182862768, 3.145180332427114, 0.24361620674858067, 0.17734996011470572, 0.0002725365832510884, 2.8849078705584885, 1.3266322828987958, 0.27817552578185073, 10.205541098218697, 0.016859131278086182, 1.031285702332303, 0.5297888858481309, 0.9100096235740703, 0.2190151351339091, 1.4148163033895058, 1.594695936922822, 0.27351508048333845, 3.0842231697123235, 1.182656595074637, 0.017035521528064788, 2.942494081316069, 0.47477643235218503, 0.011226059934512764, 0.9948604537346896, 0.1288707315691393, 0.0011940935081902826, 0.02338937439732237, 1.3560427465327702, 0.45159092581731136, 0.31189481267076247, 0.04382105127887289, 0.1306077213657009, 1.3287780272247445, 2.891734158667087, 0.278089499100163, 0.2126685514176345, 2.115136473087209, 3.166079285106899, 0.6101676885176148, 0.7689132222157362, 0.37125421508937484, 0.4074620044160198, 0.6802622952186106, 8.406725974475984, 0.6346401222199057, 0.694471789409307, 0.06627152709287393, 0.7456101796376899, 0.14438711618899802, 0.00422924422421302, 0.0035201021478474216, 0.5037117161733415, 0.015840855130675187, 0.05632151110930103, 1.0750265813014839, 0.7930076041738247, 0.019119627964167576, 0.14836361831071096, 0.01932018225625433, 0.7223310200156042, 0.7560564861773946, 0.859364395478378, 2.326516208806368, 5.535669551164207, 0.33027801897567555, 0.8905346002090155, 1.1490490662396922, 0.6493168944538101, 0.3527290807502996, 0.7883100361488222, 0.3557365289646113, 1.248677580497252, 0.2644706415669463, 1.0223122601559151, 0.1488513770083011, 1.5007146226707828, 0.2907718975467979, 0.5400136021847061, 0.7131283471662303, 0.12244003215492294, 3.3867079741177437, 1.6800367376810392, 0.1296658101598277, 0.04528731521702918, 0.0797548438058889, 2.303005654781977, 0.14340503858359543, 0.001486227735726984, 0.6982283936387117, 0.02419789699022141, 0.3356806954133805, 0.0018763134187606695, 0.7853619093245123, 0.0005832860415633551, 1.4648063837022502, 0.19914504787300388, 0.025988160227249934, 3.299740611128567, 0.7417412515856228, 0.24055190152504044, 0.01897185549014251, 0.4750273289527536, 0.07202590304552127, 0.09142865189747991, 2.471075162344127, 1.4870762657641121, 0.004422384748819457, 0.1608175705713122, 0.3995028120982879, 3.7717892005028886, 0.5161646208778954, 0.5770572170828813, 0.22164362283750327, 2.787244841748167, 4.73548618366071, 0.7396711488292946, 0.12517734699341862, 3.000142093925649, 3.2263588200121722, 3.2823160873418487, 1.805385877954601, 9.757255055968654, 0.008184103429195413, 0.3963653020549219, 0.11460760956349557, 1.922792395665075, 0.46113947852254505, 0.19926311482433565, 0.2037610707204708, 0.041404987799300616, 0.6439725435396576, 0.03804481678627718, 0.714089198647576, 0.23426774486541369, 0.7560172313349233, 0.9915784401645581, 0.9643192511504745, 0.2562056030270974, 0.6574847345836047, 0.6188690559251194, 0.5948665777976492, 0.7769358161686636, 0.0055773421006076315, 1.086818135259014, 0.7317355052216283, 2.2038806785985137, 0.5704114544982002, 3.1147902394142677, 0.1968921896017347, 0.7060919014780939, 0.5391341153240639, 2.352113363492822, 0.5782130351952153, 1.6762485378475236, 2.9574457261222684, 0.20353419194768124, 1.9209779915723078, 0.012678524132322547, 0.14344745197394976, 0.0836616851506654, 2.593653346517501, 1.63882061269262, 0.40555676701947524, 0.9383495380055762, 1.9237850854864416, 1.8047880835111272, 1.514854631642332, 0.9752546100070941, 1.0199905496144266, 0.3582421027412787, 0.47269054091561963, 0.16697312451017582, 0.14468653612130628, 1.5031601817764018, 1.0588541644660507, 0.8455417093645298, 1.188794983599901, 0.0071686139031168035, 0.10834110979113233, 0.9231309679778915, 0.11679803240838604, 0.07422666157024062, 0.2514146120712865, 16.00637568266957, 0.11425214618032382, 0.7835846849324384, 0.10198560237705788, 0.01148421586304893, 0.7010067306668628, 0.010211833302287641, 0.05783251152315533, 0.1374192028078684, 5.619155692914648, 0.020819962028602923, 2.58416673678484, 3.0252501884251592, 6.517658828898204, 0.4191931422353907, 1.069785698802612, 1.7068085399056525, 3.4019729949464663, 0.953895875883601, 0.0486396719039719, 0.4274736512360969, 0.12846141565891542, 0.5556659533721113, 0.48371993845368566, 2.915920885249267, 0.03502147470047058, 0.4726105026292689, 3.6643550400231146, 0.7952473314074525, 0.0798634623158208, 0.7882424845910472, 0.7313167802776667, 0.024363561783310204, 0.7050134483878381, 0.09882267374758731, 0.28173376115178655, 0.09583081632932458, 4.270397521104026, 6.428718289007601, 0.9231903982922839, 0.015803231463198245, 2.662258192402484, 0.33087616487026833, 0.03451314120879028, 3.4498707296558857, 0.373589521831464, 0.9724134061444231, 0.033133629959994616, 0.0011185064309700554, 1.5646876097191333, 1.0400667917158075, 0.38849806358941286, 0.20811861095126616, 0.0014840913642509765, 0.5973397083945576, 4.094118465629073, 0.40917255389022106, 0.02259485321255574, 0.8664621327212294, 1.384260426674979, 0.20011594570863928, 0.199275972291653, 2.5047748762891584, 7.130656763966147, 0.7416568021483184, 0.4199375326141431, 1.666604947532597, 0.0517736683666782, 0.7856903852274556, 3.9219340956758377, 1.2550219573044976, 0.7999860800792048, 0.00018617229803542888, 0.0808402621073256, 0.5558866829653895, 0.7776298503116985, 2.110013380490574, 1.1378412233178528, 3.6344631971890182, 0.018584179385071856, 0.1878342221914013, 1.8715117074850518, 0.7212908199572581, 1.5391035572229568, 0.03145975499822481, 6.951545150999966, 1.1917879948534473, 0.0665439329477872, 0.1520846559517012, 0.03923485020874563, 1.3556662692771047, 0.4418188134258831, 3.9467418035555313, 1.2287362724414566, 1.3137065570737316, 0.07550876245614202, 3.0815131121987336, 1.5951321123576103, 0.22220787997857339, 2.1160983255386348, 1.7522870915598008, 0.008142538099911336, 0.0006518420689669975, 0.002729980030975574, 0.05396120959056094, 0.4507444384881801, 0.5967106829411742, 0.006666942553605916, 0.9185231885650822, 0.0002038772186903154, 3.9924417010387896, 0.3149908885180086, 0.5064597120396518, 0.0026206289342993977, 0.5575758365583167, 0.132163170689527, 0.31608040419703104, 0.16746460745825212, 0.31282336337989713, 0.3191655753451919, 0.08669432243807743, 2.6503909563959027, 0.2643058141027658, 0.9553384679717074, 1.3375699746520466, 0.6586702698522785, 0.15140690562865639, 2.6105320746902523, 2.552588834861374, 0.411127450065542, 0.0048947980930543955, 8.10026248266797, 1.5245529921456544, 0.024492191276260452, 0.05460024127807153, 1.5390075246717316, 7.632960798959021e-05, 0.005514079417880096, 0.8315000125742655, 2.735107620218853, 0.018319402340797507, 0.29664098125714355, 2.924477210967713, 0.6509480007542738, 0.07098838270192306, 1.1380528558517526, 0.8708986273677776, 0.059040337412690914, 0.06350021793423681, 0.39084552467119793, 2.851589509442369, 3.0292447460627145, 0.06690471460461189, 0.6193400821944095, 3.1606683969428824, 0.030209600840677125, 0.024341846948673473, 0.32418337091844474, 0.03443656668977652, 0.2144823263436498, 0.3371021861420887, 0.0030379506966695, 0.6293325147375067, 0.5894043119673175, 2.751040181315327, 0.5427899846986086, 7.862275014795111, 0.04031745886878266, 0.1616692290501212, 0.010241932710490738, 3.5930362217799314, 0.9121585413015415, 0.3529413695410232, 0.9215537994400977, 0.20922028744719998, 0.5658685033094877, 0.0002484191345000899, 0.7055690998682737, 5.368676332924102, 1.0390034603725196, 2.339082327254383, 0.4183956210841052, 0.7473696484205393, 1.9904294249354009, 2.4960376127362727, 1.1178092298224864, 0.7859945050565572, 0.5372596172945813, 3.2495781677781514, 0.5412189191383078, 0.010653367407862352, 1.2455955219691792, 0.3354087059530484, 0.9257789934822231, 1.197198415203025, 1.5272301592990438, 1.1385368141185355, 0.8574268689240383, 0.8232618180551715, 0.005101513712165692, 0.0024462000740292996, 1.9519390374292913, 0.08968907384074991, 0.5628767366702854, 0.8388455534635298, 0.39397689710538847, 0.4951739751929336, 0.01922829755282599, 0.19440065188876515, 0.6873708214448525, 5.396661150779696, 0.007081993803312662, 0.4986212005686921, 1.1106423183815004, 0.09658244392258879, 0.0015802319003108865, 1.2664018418161274, 0.047521388822348236, 1.0575449623539883, 0.3901191957969869, 0.013408512298612448, 0.002266400074255466, 0.7403872927485459, 3.1928222914493025, 1.090151085809642, 0.5144887994435714, 0.2781054780240062, 0.006170667790075196, 1.7355886339209579, 0.1868535693304764, 1.4417546733047613, 0.001979394252969739, 2.354047109969849, 1.8060094824797215, 0.2875300988318045, 0.6990440334139852, 0.33926795449715214, 0.013567497005469881, 0.15981402430000005, 0.692279973100623, 0.017673481231969282, 1.2810402369832594, 0.23017957021870944, 0.021194066444066698, 1.650931263220909, 1.231344608431461e-05, 0.034180651824015626, 2.5201835094972367, 0.2249735919855968, 1.4977545805760528, 0.039635552825669836, 0.015113024582085497, 0.1931612854478588, 0.11714328677797801, 0.8388648207034558, 0.007876099977354393, 1.554744090382528, 0.30499417409695245, 0.46857079280259545, 0.06776454954538921, 0.8175422547810167, 3.676226614993811, 0.177615594152872, 0.03792791854701753, 0.287971957195863, 0.01452349569297567, 1.1317573315506126, 0.07343537528842997, 0.5862431177920661, 1.1149962453697801, 1.220286121690237, 0.27273694643750523, 0.21188606759620116, 0.22279037220399175, 0.3748717254474417, 1.3311122607704005, 0.09096267432886376, 0.17851829472037545, 0.3086860027607091, 0.02601302911585312, 2.9389027460040036, 2.9352491454861145, 0.6170810340464595, 1.0730137050275477, 11.114277329765311, 0.5413406286932737, 0.8158039967106681, 0.4471864902792833, 0.6379761319902573, 0.4357447235969504, 0.26805361618389534, 1.328549744215599, 0.30323692188763407, 0.033562436848011065, 0.9794374868797733, 0.26173339810986646, 1.3051571577785293, 0.25771551880715937, 1.4739879128689375, 0.003575344311319267, 0.19430604030455775, 3.551363822467724, 0.15255714008018548, 0.09839394300414213, 2.117355107347824, 0.3435892811579156, 0.021460845839118423, 1.211940913524039, 1.017523356870874, 1.369168608818857, 0.29952131366120094, 0.9254974220766227, 0.014971867610450638, 5.847967960498958, 0.2193015346938719, 0.007666707548156087, 0.2537666176138251, 0.7617805959561089, 0.31666924591365575, 0.7196082604572112, 0.17463993443685885, 0.1752994148480811, 1.278856108642227, 5.400168386093093, 1.3381472877129255, 0.31510139089447875, 0.8508359174885642, 1.5629009975557515, 3.295521662703618, 0.657876519429242, 4.399931337847471, 7.434294096456783, 0.15442186984776105, 0.927219848310171, 0.030785054411243837, 0.5524832862039776, 0.824060993476139, 0.33632484451001965, 0.7820961406245667, 2.6851973258892513e-05, 0.33746436795081514, 0.6674541079189426, 0.026169472250012538, 0.011407207839887752, 0.5421775467746061, 5.967670561153273e-05, 0.5925158448338855, 0.1936605965898123, 1.125174461897803, 1.4382728186260834, 0.041879284491610165, 1.5586240643822666, 1.4140200207881457, 0.004704364788718889, 0.15430490607973155, 0.9220606148655605, 0.09290900208597982, 0.0027233365665186213, 0.2437957635833563, 0.0022186341632723402, 3.3903999086619736, 3.6686220028786996, 0.5230474866395646, 0.8749603756760554, 0.006142845673173332, 0.5609231734430632, 2.994570950296833, 0.21240552837532545, 0.0017013798599548992, 0.494952136572276, 0.1122713722315006, 0.002995103304614895, 0.6423057485950424, 1.4009160494053123, 0.5597196108726941, 0.03914152077663513, 0.14579405679298613, 0.1247034916786979, 0.20472335435758537, 4.1456010852011085, 1.825362512949511, 0.05739418680398301, 0.19292525856270853, 0.447821727332952, 0.8191942374336031, 0.606271188459471, 0.7110936433128526, 0.0020862737020375197, 0.5823910959366813, 2.827163798012913, 0.4972789511286929, 3.167972863857742, 0.6178143442058923, 0.017220045271452312, 2.0492105915164176, 4.303968494049434, 0.13441631003370752, 1.5342767745605188, 0.0910167325937131, 0.17720020836609407, 1.1111146946194799, 0.7223962006190452, 3.505586973929918, 0.00025725782505069415, 0.004051107097016587, 0.0034268752531448465, 0.15540450792303231, 0.0025782912757662483, 0.24307117468322864, 0.12163982180228124, 6.223126091598931, 0.7591907275016919, 3.1306918107425967, 0.006493677464595443, 0.04354021536816883, 0.07464797300883932, 0.35145300985087297, 0.01676495914084319, 0.4088500362778094, 4.709435582046671, 0.03863069476726815, 0.3144807919245244, 0.027935961723235096, 0.16068935766846182, 0.00035817817462598057, 0.7620351530226485, 1.8455083843302753, 0.32599017294439536, 0.3764389652967499, 2.319818099272167, 1.8911688275084917, 0.03096683410786743, 0.01322454482525855, 0.36313048791519476, 0.6741817798332672, 3.7228388701187893, 0.007833603303482744, 0.7820545626320905, 1.5832857197385628, 0.8694546480933774, 0.004249804942069714, 1.7517900230515457, 0.26317073284269793, 1.8536809346918872, 0.4063142084649095, 0.529144675384665, 0.001567239130526949, 2.017153166444692, 0.8260317707084797, 0.015321815727050457, 0.4605721744298057, 2.8717169072045756, 0.8246856054093856, 5.448241935989504, 0.0925188750328231, 0.023875410575791414, 0.003281323836551579, 1.0925299875217966, 5.559111793898907, 0.027727925546232574, 0.01549934487242132, 0.6569200911461166, 0.009958262249165444, 4.363894319013462, 0.04830671592778041, 0.16831138805147636, 0.01312814765726062, 0.4328591715053305, 0.25413533527386317, 0.401663850428071, 1.2236863536834608, 0.2754470007262805, 0.07182713803160064, 0.8616084301919918, 0.025175989477945287, 3.434205146688403, 0.00020356091668035213, 6.125157346651649, 0.21088674522488848, 0.022224723299605485, 0.3260911320680366, 0.05222013219489489, 0.10345520616868517, 0.13392803388986343, 1.441971083241793, 0.028858473126319124, 0.04302858166586265, 0.061871650190797656, 4.137595645849625, 1.85098760302985, 0.13462517678012648, 0.03985706485939299, 0.21983971419197193, 0.11757675614429515, 2.301342835434427, 2.6148267009165387e-07, 2.1425517070924402, 4.953306196332481, 0.8745792547057717, 1.983743973050668, 0.17150395040043165, 0.7071532686821471, 1.9455994247494677, 9.824239074784028, 1.6180985201561946, 0.300611801860579, 1.5597179294841947, 0.04550574035702612, 5.715459964971611, 0.06684164352558487, 0.5425744344704397, 6.086756688888232, 1.6445556623733066, 2.5294286676150395, 1.8069356506596563, 0.7062371246997644, 0.1461441013457101, 0.1410459008977336, 2.4921882386352023, 0.23021496829383162, 0.39941904722861116, 0.003614932184656692, 0.032635514396459335, 1.929387684183893, 0.5646684295469523, 0.1362149032743894, 0.6793829230233435, 0.08157200160070929, 0.23697130487397042, 0.797665650068206, 0.4812203335922718, 0.27665404946312644, 0.17421187142298797, 1.1077111283020387, 0.33885238022622977, 0.08622962970257794, 0.27097526404707706, 0.007903666406217485, 1.6605542288506967, 7.450673138163675, 0.003665918266362599, 4.7984017342288965, 10.3054551898801, 1.8620122322110695, 0.593400978791155, 0.13220822562697837, 0.21752953872718045, 0.6204220137699035, 0.17777280754110208, 0.03250363168259749, 1.2119731296893832, 0.1939819528828822, 0.06259328572621077, 0.9849132118723074, 0.3674926193839117, 3.4032255727151552, 1.2508630148962576, 5.428609766419855, 0.012588619472517113, 0.048666628883130544, 0.6369552760572272, 0.11408905504039844, 0.17253331340403932, 0.5412139308487655, 2.1696400515824, 0.768221472560132, 0.3491070370609029, 0.8442150118804268, 0.13854277162374137, 0.32830875157438577, 0.07764536055626627, 0.1717881419645209, 0.00658794556451785, 0.5680165707849871, 2.5946066408819837, 0.07742663859914613, 0.34256233109075285, 0.7412074060584144, 0.3426660301218253, 0.011018513858638472, 0.013386265646250298, 0.749099773109522, 0.1877387635002704, 0.6180388230915758, 3.705051747803093, 0.18169524331162248, 0.917025139762754, 0.4219340289637732, 0.5632861474531544, 0.6225633476086503, 0.3029140050175295, 3.1745358468543032, 0.22885061269966944, 0.8430595470044026, 1.7423899809985586, 1.481314767012858, 0.25193502041836086, 0.1551619753046364, 0.09056341963959115, 0.5647498243801548, 2.4174288838979394, 0.13889021225236733, 0.09461293785790836, 0.46521421471738617, 3.196382707867457, 0.7713412327947001, 0.0072430228621292525, 0.004087095182052501, 0.18643378450264972, 3.1136057178999637, 0.6039299045814175, 0.13695910375129927, 0.42229052788486177, 0.023861571504968242, 0.061225564374933227, 0.4524557073422629, 0.26407728496961996, 0.14934916184616423, 0.6203585020064893, 0.6002805508109854, 0.1330880032725489, 0.0012788069136710223, 1.3356276712345654, 2.0284968000104477, 1.0844139836874163, 0.016489836525849386, 3.3954558783678572, 1.3127121231475507, 0.07469926939027709, 1.5988510114925718, 0.98989639365225, 0.11961920670879755, 8.392163522661905, 0.33397671091923287, 0.8050282157212927, 1.058283115151432, 6.408938028356152, 1.6208829790558736, 0.19334666113418328, 0.0006322303401628794, 2.2028023943292294, 0.10099488969858217, 0.36851000953029933, 3.7011753264666605, 2.0125193222932483, 0.5649462486656114, 0.5135052731418294, 0.9653026294400451, 1.4969237498952856, 0.005613129588803379, 0.057514453069182035, 0.22172796877196532, 0.036240382423168495, 0.0036902546398184972, 0.6516509579865408, 0.005621164993040697, 1.0628315784431797, 0.5709150429461229, 0.04464790545174629, 2.3073727992475064, 0.3709363844447305, 0.6874296513369705, 0.023865861308342402, 0.9441077664116544, 0.7616557807440173, 3.111797341214251, 0.02181327895472872, 0.05672098674738013, 0.09679753102925176, 0.0027443071239210692, 0.2520519294519562, 0.17232966479329764, 0.07756389516174554, 2.9901032407245234, 0.04681957064975795, 2.1237985175324456, 1.5252105076082207, 0.14103475534321724, 1.2649049982867306, 1.1624747786754652, 1.8190466296989463, 0.6167262930688617, 0.19578643566930953, 0.8976205503594339, 0.3248866706270306, 0.0007766942912613, 4.450073425976885, 0.09673252001198487, 0.7796535202576724, 4.1065424013421765, 0.07755318606004231, 0.3737521411838498, 0.00015606056549323567, 2.700057004806989, 0.6028587482104664, 0.12995240267909638, 0.029381987475694052, 3.999811522158961, 0.40359719028837776, 0.12276123568163538, 0.0001210647192294105, 0.03943035814983061, 0.061114355589988324, 0.5212984078347651, 0.0948896203491491, 1.461452004387163, 0.3058606016193528, 4.7057232161895515, 2.7934507913272713, 0.4691997850522862, 2.0191703317397636, 0.5892061401836084, 0.49320038808456923, 1.3862885614732239, 0.0013215858863673783, 0.5423167594498706, 0.346463821231771, 5.253686441181948, 0.4387788731176311, 0.004776985314439128, 0.11014797303542805, 0.9291457073618519, 1.9202813888448662, 1.6318528743434026, 0.9337150405207213, 0.0754590418321085, 0.38891115122901837, 0.3186425003457199, 0.090063776540021, 0.9514454392091545, 2.929936865329316, 0.027448269388855417, 0.407872204993157, 1.0256627657720143, 0.5517273746054687, 0.5763908828375072, 1.6361814948060434, 0.08842305919239919, 0.939896996039094, 0.3708129958668756, 0.22229736795290314, 0.48949998949852846, 0.021704757694020808, 0.11930186273245919, 0.7097909198639164, 1.0873039189946214, 0.07911247623651346, 1.1016599381774856, 2.7483853501822977, 0.010563937067383778, 0.6242531853752468, 0.019700919096101853, 2.047126332830297, 2.3554091901380048, 4.707421193636807, 0.015024819489979921, 0.02827017968119188, 0.6924516578703765, 0.11790845897643198, 1.3207867091286238, 0.8763410829218059, 0.9718222574383423, 0.07544710804403759, 0.07804097161605143, 0.013224996117254978, 1.811742328700387, 0.5409379442048147, 0.20628993668298953, 0.3175180438246133, 0.7365927418881018, 1.0895903747738368e-05, 1.8992011000718663, 0.0032388908601916956, 0.025469919219764558, 2.8612831491499953, 0.04401505057880848, 0.0008723631581970316, 2.6248538985630847, 0.9609226472648655, 0.1319493775290257, 0.06356639862386437, 0.7732950358625532, 1.6945410354768762, 0.1291461896420006, 3.838709632721283, 4.456065178363532, 1.974134387279129, 0.026333246449023132, 3.5515493687893684, 1.7783755943328114, 0.016878593556277605, 1.1855152899963648, 0.41673854697296303, 0.00035565343066232605, 0.07155325119435946, 3.198347992073688, 1.5381291150537464, 0.1866105803462013, 1.4091051206596863, 2.6592292964720197, 0.24778574176628784, 0.014397389099107517, 0.0010176854942496396, 0.008546964386949168, 0.0019246638755438332, 1.1916106144782224, 3.3571671588710648, 0.3553594568401372, 0.7076903430987908, 0.9937418534908319, 0.109833071275637, 0.446006734294192, 0.3341630037783724, 0.013124669381602587, 0.03649902401921506, 0.34077879278298007, 1.496926521299746, 2.6587984860557676, 0.040176771042728494, 0.09335836867400318, 0.45579955841899616, 2.2970863991150448, 3.0157315781384564, 0.13268441943034873, 0.12712661555310512, 0.7386988966065104, 0.005027813576609537, 3.8472648277624124, 3.3050867353546036, 0.14791018119784735, 1.9863040469686715, 1.9696602180388858, 0.0037354965341509522, 0.8275213452878589, 1.0930880081112662, 4.874420218229133, 1.5296488024469665, 0.2689716076153978, 0.005686628116001131, 0.0016974468856512657, 1.1400057899771399, 0.0010095856808323867, 0.061272830962442376, 0.24156595074023696, 2.4618532207950015, 0.39221886671214895, 0.011779186013014207, 2.56208539957089, 0.011759881048854066, 0.034252573269145624, 0.10138153355751756, 0.24365297481344078, 0.01797341509713733, 0.15579383987461107, 2.9066848334563986e-05, 0.0802835524485072, 4.147497467846175, 1.0480987241309347, 0.007719126425355636, 0.35913361753758155, 0.011015884217898304, 1.8536831199768864, 0.026210466459076678, 0.008795222458370357, 0.03534230946062817, 2.815480314685251, 0.06933067907995319, 0.15149980545289984, 0.013528746308647813, 0.21925629835138374, 0.20579903002483776, 0.03501664980364545, 0.21567052311807802, 0.06665767695670499, 0.08304859289559181, 0.006937855426736791, 4.580768027394489, 1.0172153052332948, 0.26969953441088074, 0.019481419871487795, 0.11640063630468976, 1.0405747831205547, 0.004098092463740464, 1.2804157981169682, 2.2825367803555556, 0.008819213785931526, 1.3590524173796308, 1.2928770814692818, 0.21184613023308765, 0.9281221613181787, 0.4572042185432095, 0.25345120490234446, 0.07843130415839288, 2.7227817520402358, 0.01774073921652345, 0.6162169918516732, 2.9463910762063725, 1.94543208087584, 0.03880949761845613, 0.15955076672062346, 2.0344846140497004, 1.3825680239038414, 0.15473804980964462, 1.3590900990473551, 8.389147548161663, 3.9147911852234825, 0.9963643358004521, 0.19637830739953113, 0.1501737688799666, 1.69323387075624, 0.006261257886558744, 0.28250524525997994, 0.24606794399364068, 1.1192223665829648, 0.12463960412165448, 0.5389255834823168, 0.4295433719453443, 0.21319872394255546, 0.10022989145493183, 0.03841897395649351, 1.4872627206198519, 0.07650371292451859, 1.352519836332133, 0.6114871309168262, 0.020611311658603783, 1.4600456008841871, 0.15132471653027987, 2.997729091837483, 0.6921637212156937, 0.7528965938181104, 3.082449131136356, 1.384632404743396, 1.279985642268405e-05, 0.00893406839273915, 0.07628896177070972, 0.02616570570013374, 0.256458752066205, 0.6234237944445731, 7.63710946539384e-05, 0.006527502171126091, 1.4215083725912847, 1.3457029342556337, 0.00022405561824578263, 0.39385240259259613, 0.009832244344259269, 0.5360688741528482, 0.1543115492627857, 0.7001513030149414, 0.2001709677760364, 1.2337213556671505, 0.021030747426469692, 0.04271037082927514, 0.810006553122145, 0.15965621658871607, 0.7906364579791444, 0.004590484550909633, 0.024563382924425413, 0.3368962394826948, 2.2036060418997767, 3.170112017976882, 0.6818789066349434, 1.7008249068097199, 0.014078744092623217, 0.0036176481209554247, 0.4533623139802122, 0.7511406694139146, 0.04503917519697759, 1.4983758370503562, 4.586363719486901, 0.8964041857317366, 0.18744308433554846, 4.702773349882568, 0.04221781131552949, 0.39704933021943783, 1.5470586797568884, 0.164161510221455, 1.0429110606661975, 0.17427769680078767, 0.043760784328357276, 3.3141880026027777, 1.9815933640636854, 1.8547114209931799, 0.07165173667071503, 0.854640388308275, 0.018520514272405343, 0.004415525313309526, 0.19481978500260452, 5.45496107360278, 9.654913864691338e-06, 0.4804177484661055, 0.7903075285459512, 0.11580567017862285, 0.4737140992608822, 0.45158042127689363, 0.06011358886325578, 0.47314001822362034, 0.6309520297054476, 2.1809111999380555, 0.021663416916469874, 0.11958133749462443, 0.03505336190568506, 4.099144502130937e-05, 0.008582961044937788, 0.0008772348661085043, 0.07552194926047082, 0.17492702398002707, 0.9272938406483329, 3.366572054027295, 0.02011181378904429, 0.003704051453526399, 1.9193171889877598, 0.136148735826938, 0.35138944811983974, 1.225722219996295, 2.8915262832059194, 0.00219355605599513, 0.48920388646695123, 1.2204081476042326, 2.68867112123151, 0.21941799243026147, 0.7014545320675662, 1.2809850363524418, 0.00822119796609313, 0.0775891986942719, 0.3107991974790437, 4.554456250245716, 2.6363959756657906, 0.04121872076367657, 0.07840914624278728, 0.3668297203169055, 1.3802393500554804, 0.013613023699651032, 2.8963463460175842, 0.2316630091602927, 0.09572693584328645, 0.5818810417320686, 1.7586754097923132, 0.8246428764822272, 2.380186363178334, 0.4897331851587737, 0.208034944760587, 0.06553688136485897, 1.6241825900767088, 0.020680599560568988, 0.3180921298389731, 0.006929273965087495, 0.3069529535951668, 0.9983449372018034, 0.03335181443963662, 3.191047102010451, 0.2897254510949207, 0.06377586598340279, 0.5621757930344915, 0.20218899667073645, 0.4599332718366618, 1.179351996592091, 0.026780461381187694, 1.697670210847145, 0.4454934046499088, 2.091559679237648, 4.7399425363121965, 0.8249492782652416, 1.3713216260976275, 0.1663178252154003, 0.3960462436778192, 0.006237100692548118, 0.8561179208333636, 0.44195704616003645, 0.18106378541071277, 0.26845533061281357, 0.9693811408196373, 0.7313827666550596, 2.6191469949944604, 0.01568307942335913, 0.3073801815210023, 2.156192739855568, 0.9404470175052609, 3.138771328821693, 0.7285108885341863, 4.166095651713809, 0.954271408652255, 0.0006526323973769926, 1.0882483187067769, 0.003704207123650179, 0.5612978240044554, 0.41755333303032904, 0.5339540377454621, 0.8048879548505622, 0.21077407915769125, 3.515175088582881, 0.0006190369146891613, 2.5560863258957607, 1.425395084238102, 2.6531263394920908, 2.1960784021029864, 0.015883635838309478, 0.3377609306632534, 1.3872581187838473, 3.03778660471065, 0.05684561957877463, 4.611172517333164, 1.8922460274743196, 2.0826561321153525, 1.9201298800409239, 0.539872877665725, 0.1821295701773919, 2.9837549327296045, 1.1581910526736177, 1.106867269644537, 0.12226091385701053, 0.012393040321717378, 4.355166398227457, 0.0027300478608804873, 2.422963960010055, 0.30442314598521536, 0.02033872212754268, 1.0907043802451624, 0.4173609778854451, 0.009079961752367579, 2.234702424597198, 0.29691630940391195, 0.026703462395219046, 0.27466104974348876, 0.0545366500263949, 0.2689003868921838, 0.06604354971799153, 0.08822933512070666, 0.3475266637293615, 0.018520040781172028, 0.1881267147862708, 0.6196051153737581, 0.08996724250515799, 0.11078148488391139, 0.0813057901873828, 0.14117539876237525, 0.13266120478815072, 0.03596570792691636, 0.6777711531237757, 1.568521516738005, 0.15576032182884705, 7.599679510782295, 3.8012971621106413, 0.43738909383766716, 2.235371118502523, 0.19422161522159007, 6.750292102029505, 0.30798229592533305, 0.5918586406415757, 1.610113522780092, 0.8056795916252177, 1.5814738862311786, 0.002388121744492547, 1.2604190816587826, 0.08420875728512288, 2.2591512288010502, 0.2323069455961501, 8.676094631564037, 0.5401136391455171, 0.18968506894717913, 1.7976892740527672, 2.317057898271659, 0.11264801808577225, 0.5419727084781223, 2.50547981802054, 2.6537230317380542, 1.2737102803565896, 0.28174418715596916, 2.538804001052345, 0.3677656654377469, 1.5609793964498153, 0.26632181338416894, 1.936465828187409, 0.11093599577891534, 0.43546586439823404, 0.6379817397181708, 0.5161118481526198, 0.12857575827790757, 1.6045398409743175, 1.7561659917149026, 0.8873011375849754, 0.05962709977286329, 5.888929408892272, 4.104939941418901, 2.2938298186928816, 0.06275376706666624, 5.066677620668198, 0.6210655562410552, 0.47698838075466576, 2.275162565756055, 0.6549781949753075, 0.4196360089784571, 0.9265062386380349, 0.6297610931084885, 0.0781833076020561, 0.670120684945663, 0.6055285156685755, 0.1337008156681166, 0.671622706277223, 0.015708814395448186, 0.6535351565867301, 0.0045617804241669425, 0.1421056137583287, 0.39777918323740413, 0.7225207611331625, 1.6966419661447782, 2.861813480911329, 0.0345331931821886, 0.3653193271931332, 5.276411578805711, 0.007723712599836166, 5.063557356146777, 0.3889922748175942, 1.6168651373725123, 0.20847736970746755, 0.020791267533673354, 6.215347257418335, 1.1083395062758987, 0.003739380190349911, 0.1627753912664545, 0.02456757553352914, 0.0005430882441032729, 2.6820803965584052, 0.6121105204349948, 0.16469997164889855, 0.24943049114858726, 1.0884937458485442, 3.3357850280829235, 2.7508687575126722, 1.1687633780990627, 0.7336779771199153, 4.026325383208999, 0.8222685409463985, 0.10163581324759939, 5.253781970806215e-05, 0.8026262516594292, 0.5028844001179004, 0.0015393099628104702, 0.29572904232046704, 0.005711443479426997, 0.6750745017789396, 0.12729197603355624, 0.16518742961860172, 0.00010578406216625815, 4.017470216437472, 0.5675555617996313, 7.354939154689137, 0.035869582293570124, 0.5162451796058558, 0.16642559011440375, 0.12608943591154587, 0.00994919924435269, 0.8154689862612924, 0.059803328372316535, 0.02404062883889048, 2.184817584164096, 2.2769228576600447, 2.2646132489402966, 0.3473111634322024, 0.11509048891186306, 0.0164939076346836, 1.2142079756510915, 0.1419514475709946, 0.005079013773164728, 1.0189816755052177, 3.3524322473461264e-05, 9.666872944090985, 1.1825292730166936, 2.087832031931231, 0.8116340541392263, 0.03511401993086326, 0.2691833793806976, 3.4808873633825836, 0.1610159064562373, 13.276002296299623, 0.29295513965476344, 0.38584495210229575, 0.00048525485035300824, 0.026366536615985772, 0.3048690490794723, 0.7824791412855785, 0.4360977127411872, 1.2463850581255569, 0.33792613277708566, 2.54924852022754, 1.7898462886155582, 0.061079117614939074, 0.6039263292842344, 0.3380496127137521, 0.22695502084246624, 1.4009979721759598, 0.9420565451493035, 0.031718796316956066, 2.012550184936159, 0.0715007369415778, 0.002365400976332313, 0.39044835523294397, 0.037635107935044536, 0.05689823803060251, 0.7311230032871429, 1.4352348898052742, 1.904068145531793, 0.0030330224575358692, 0.5108129884490195, 0.09718899696520002, 0.11580403194769832, 0.6062627735752547, 1.2902320833140093, 0.8739449689487188, 0.15366676722421022, 0.8653982709719555, 0.02927189389348557, 1.0385452708792415, 1.0869942151680476, 0.5511724043430113, 0.45513367666264953, 1.5941477276276703, 0.16828029120712884, 2.7502677524542127, 1.0701438492992, 0.9656364341253417, 0.4544186852014009, 0.11011484839600373, 0.44031103752740613, 2.2831848400913186, 0.08359016737875262, 0.08221863579395054, 0.09495868259526337, 0.9153314923102818, 0.0017124957958665574, 1.4908103982515053, 1.4005754769487497, 2.0084567325178386, 1.7493775737622845, 4.026338689382068, 0.6455321834271092, 0.25611239810577247, 0.1175586397514704, 0.05971230075150711, 0.28922592393508695, 0.001652103062853357, 0.18258876601510948, 0.7879419204146616, 0.17780499934437893, 0.004933295186290089, 0.8997423499972155, 0.30859598790528614, 0.10884666467620698, 0.0076077068101292585, 0.8545668610858502, 4.795306564088546, 0.8084259799114338, 0.03671757218125743, 0.004744450927884388, 0.08592954246976743, 0.6879670962114801, 0.4475433595756612, 0.23487920141079138, 0.014664160865012705, 1.026874014181145, 0.0619603370757146, 0.03452424776490088, 0.21862767606791467, 0.004002301570385148, 0.8695502867750246, 0.4148666176509203, 2.152532301130321, 0.01533577069107031, 0.0005571511399475747, 1.8866959233349447, 14.12340176808936, 0.6541974280651566, 0.045929014563663155, 0.10993471721312631, 1.1062615235896587, 0.170660113419446, 0.16814140456589674, 0.07884600233995796, 0.21450814157806086, 0.25998719448273766, 1.6631866616291313, 0.00021561873270975793, 0.4341763173028608, 0.4372164888355694, 1.0632282505527542, 0.5449567708460448, 3.017748344807183e-07, 0.08511543566758989, 0.4168170209092518, 0.7330908611924278, 1.7556768680634074, 0.07739280161203968, 1.683417863744147, 1.443431650279838, 0.619845606946227, 0.3182224500985014, 0.261391303849135, 1.5849862194334476, 3.9321146017785367, 0.18025136408443085, 0.0046938038795956444, 1.914478383948389, 4.46190834658767, 0.6235569972821283, 0.4816561052182019, 0.23695952682196714, 0.09961891652629634, 0.3964366203972106, 0.24862034482612033, 0.0003615337594824067, 5.661490390497116, 1.5495511309566659, 0.6424803017406814, 0.3315981768032503, 0.192745689101235, 0.00017522971813134858, 4.810199986464032, 0.006832772594314341, 1.3075580845161452, 0.17980025698548088, 0.03640815095827366, 0.6061541964226949, 5.981192846665541, 0.05234296276949415, 0.48982414740920277, 2.2166041839102415, 0.16856426381839873, 0.2228279504253156, 1.2977477885692807, 0.6886150300102494, 0.13741093222167208, 0.8205710985115867, 0.000723854307161444, 0.05549788119697114, 0.2740721397422105, 0.3145761678552463, 2.52251442544052, 0.32745450274326965, 0.0035092530118575986, 1.8868758378685397, 7.158557661362854, 1.2531677166143438, 0.04053480133594346, 0.04311747089642652, 3.3024608601460863, 0.245052890960879, 0.6767247471049533, 0.03236695767465589, 0.5319084361473175, 0.05048522407456625, 0.30094827966237064, 0.3647203341405996, 4.295916994250278, 1.1866545993877897, 0.2221466438917972, 0.04002844912826359, 0.34036566500746895, 0.7458074630137708, 0.5444576091679321, 4.344634728162616, 0.5260953960767102, 1.1683893200268503, 0.0008148745632827865, 2.147068443647386, 0.0958925206552701, 0.04820841257746327, 3.8973517367170265, 2.8225007258675823, 1.6407760196540695, 0.019834736577491876, 0.00960770704063668, 1.3604665613738292, 0.12187756552229582, 3.361372230345825, 0.0907048447280651, 0.2257880259728885, 0.024776922136336418, 0.0013185506474954864, 0.19404075547641028, 2.401108101117718, 0.6213979135918983, 0.819491807832008, 1.5110138831153275, 0.0049663330301670874, 1.6441322753785548, 0.003019569278880008, 2.5252226667367883, 0.004098314415466991, 0.5696969632070511, 0.8656639233141986, 1.1166401546678006, 0.002021201035393985, 0.0010792909819789778, 1.0164573685362026, 0.6124637067561807, 2.449374013977288, 0.1342989576305899, 0.8560619988370403, 0.24883196749535041, 0.27685997644587496, 0.3168353631621789, 0.027791240370316418, 1.2174557649540538, 0.7400583061676227, 0.730511793500172, 0.37900582059971255, 8.341865174761061e-05, 0.18875420346638902, 2.3342967714123852, 2.3202140388332597, 0.5104469777086895, 0.031359124223992056, 0.024776992290064668, 0.3178661691827859, 4.588016592405058, 1.735449370986832, 1.204772629268278, 0.4510466437774745, 0.4279437401818153, 2.010906497605108, 7.676894555416819, 0.12327930871630687, 0.0007723176516565366, 6.288363762518829, 0.10167308219188552, 0.4052665603317852, 2.105136504446882, 0.14222817404364102, 1.61849164415607, 0.6959471520284621, 0.10429221635145167, 0.09735988661921317, 0.7203172430216369, 0.5435483082218049, 0.056082801272526794, 4.450507110499902, 0.017422928399506564, 0.11800214741025292, 0.14988603582940446, 0.8849909300503385, 7.305452660312642e-05, 0.0014092347233682235, 0.684448969546609, 0.0586885166965132, 0.3605316355000581, 0.8976471621103681, 0.02305643493391083, 0.09810790523696275, 4.722235680363041, 0.538174927867737, 0.5453882817788345, 0.0011916836743930046, 0.060922409388083715, 1.3696251606544212, 1.064669787696062, 0.26815467550862876, 0.06566850176735956, 0.05575900222142878, 0.20528649255465692, 2.185085550558433, 2.4261028636966566, 2.093223059484555, 0.9402205599078605, 0.6733353283204794, 0.0778457448292335, 0.866545369665632, 2.4745683216575163, 0.5753078510399734, 0.3862858985608995, 0.19470683205671727, 0.36355721090258575, 0.4179354510453726, 0.0004729367025452333, 2.8459050335612157, 0.14896387812484174, 4.368304426327426, 0.0067986328422160736, 0.00015403498381870762, 0.1671483912326024, 0.13773911712192008, 0.9547183469166198, 0.32262673019412386, 0.00284458950475307, 0.08902376783627415, 1.3827341573449325, 0.9254767509128191, 2.821725467058141, 0.11688327424398573, 0.00046337500804181057, 0.058637203176036885, 0.0002702976327084964, 0.15756282773598793, 1.0603888669822907, 0.007027401653768921, 0.31798082919983445, 0.6920214906722292, 0.17051544180258918, 2.2076059874452665, 5.734089982172218, 0.8055571689299619, 0.0013323224250176068, 0.39701066059872114, 0.35986481119412744, 0.783985291159836, 0.4982917947304246, 0.00042896996633390544, 0.023909872953201197, 0.016060826315427313, 1.4689901582596623, 3.414994856386449, 2.53845180439523, 0.8760289829454897, 3.8612461075159263, 1.315713684968446, 0.1994706676695262, 6.058522618148994, 0.06211123641964892, 1.500613674491419, 0.10539914393985804, 0.15628483905188764, 3.4354492317139758, 1.3806929543619877, 0.06091499112205877, 1.5406178817025473, 0.08948250040678546, 0.18134099790772512, 2.5344906682641133, 0.4805938359915035, 0.005958534759650392, 0.6326267435008, 0.40892730592758164, 0.8039105361053931, 1.229374911620685, 0.0037206076790791322, 4.155059064740872, 0.04847382785281038, 3.4185319519009587, 0.02527031098571522, 0.4243091483589842, 1.131128190720517, 0.8608188448388321, 0.6809628068793874, 0.19011686706353906, 0.32832715350653713, 0.5970667029048722, 0.6249554181151272, 0.0011154869661659642, 0.8396354914473474, 1.877225409814724, 1.0478166666130175, 0.46941689816136895, 1.1053721555448033, 0.7672803447715144, 1.388633735619466, 0.08949303554241365, 0.834314403881622, 0.1798118341342277, 0.11084011380526108, 1.5743816043682433, 0.9280317223964664, 0.10829977476075642, 0.18989472470641655, 0.47155025125334094, 0.008906696437670121, 0.6068819634505326, 0.019608227504261617, 2.0745435138802852, 4.372430424626788, 0.08380893433348822, 1.1953357996607052, 0.3948536439655921, 3.3096151628251134, 2.442949693725661, 2.1783378568865484, 0.5338172402204043, 1.8520499279041203, 0.029141126422577674, 0.3054255967304882, 0.051146048240497274, 0.4647633716745489, 0.05785048618401207, 3.1396098858588295, 2.528090872523701, 1.2717199358717002, 0.19317296007963197, 0.035532364058657485, 1.721575493971184, 1.5906673126597057, 0.10300394494685475, 0.7673062489883656, 0.13260052381366014, 0.2607352234772878, 3.598926673553831, 0.05992163214013095, 0.06397960411155791, 8.274087493667428, 0.2605208184425548, 0.4080917535364079, 1.1277352782214825, 0.03690106924230729, 3.3015703065513895, 0.2743324556277308, 1.04163208813251, 2.799410569997228, 0.0407126374736645, 2.226440191859078, 0.6073822518048773, 0.3320715175549005, 0.26626982986976494, 2.394800283417422, 0.5577975727332969, 2.9553119169819304, 0.7600878854466366, 5.111267555827683e-05, 0.08667726388982432, 1.1189649404017945, 0.3314860681002536, 1.522726393919204, 0.6726926822328396, 0.2287099666447312, 2.658790953288769, 0.49007982613422624, 0.9080598758440623, 0.4218320372088591, 0.06333492365021397, 0.33519664665863114, 0.03736306816555143, 0.09824777529158081, 0.001311598979971159, 0.32955696603582735, 0.04348352053830105, 0.5906420628654073, 1.6647176587868258, 0.009631440333199393, 0.3003721519370645, 0.017165204081521238, 1.0793532347768975, 0.04002528898065191, 1.7069951409581854, 4.056563566535417, 0.006364402310587795, 1.0857631306032978, 0.5587499920521761, 0.32502225323580874, 0.08939365541794284, 0.02167451038759012, 0.6989780915532564, 0.9454523851168657, 0.0056030249344515195, 0.2514914748018697, 0.5233767542248843, 0.16321431977131728, 2.824938506999326, 0.013281769954639148, 0.48506167758306035, 1.6229141680640873, 0.8698550259878493, 0.004032196005180165, 1.2238805079241017, 0.07604067162080982, 0.3120384516824741, 0.16354803851992342, 1.1560095895323836, 2.572238822323998, 0.08069461264166315, 0.0509060810475906, 1.9921234765047764, 0.1156870350176269, 0.38037274546142924, 1.2277778649941402, 0.06612564127532371, 0.6449319079240737, 0.23060118686360823, 0.19376134470001113, 6.059861788881617, 0.24259517043888457, 1.549620608307654, 0.19332524785868294, 1.2403377728616876, 0.2267587721098901, 4.0235463069414, 2.6238761534509467, 0.00019421784212534147, 2.606862809179817, 0.20052526874701596, 0.5422127638428987, 0.07858728723677623, 0.7697521499988605, 3.4406751533241198, 1.7572735831213462, 0.1788144585951022, 0.2656065500345561, 1.9758320435594656, 0.12893220681769527, 1.4896084225715098, 2.559592512786563, 0.08838373177055048, 0.6618317617668981, 2.272830407376912, 1.825028543006685, 0.45084332806467003, 0.05187716399129687, 1.2023777805601774, 0.8580847436483922, 0.07180490071869532, 1.0366102030247542, 4.73183633790049, 1.3500507508444308, 3.579963885912731, 0.02073577637510309, 0.0006552738854863249, 1.0819120004316594, 0.19063631123583868, 0.3435506976136964, 0.11405611350285275, 0.0024422060935161464, 0.04851148642623313, 0.4362367895290784, 0.36256652996352284, 2.115566323701008, 0.0485890608522939, 0.01816046487058779, 0.24999152816489859, 0.6978483023297621, 0.015628956521264798, 0.2539206364951915, 0.005202607868280685, 2.708949603379645, 0.13646783224399786, 0.08944257080430339, 1.1195383558172618, 3.5980508495694394, 1.423733459474187, 1.6641151987500042, 0.47959507145468594, 0.01639099228162202, 0.580441184404253, 0.9363799258915357, 3.0723832628377825, 0.028889490920466308, 0.03263387306690919, 0.8899192400141855, 0.3381333471470993, 0.7314309869291388, 0.7557505227924195, 0.24923515396498858, 0.4218202847064512, 0.5877975771888467, 1.40422870436806, 0.05414692764641392, 0.09038702539085831, 0.0310636225556321, 0.39047083618227846, 2.005629606605305, 3.1879478879822836, 2.125630143751694, 0.5866997292456977, 0.24889049682403788, 0.06232327337175999, 4.126629813363108, 0.7834425417874742, 2.359111010267695, 0.10695451825436704, 2.593058731544406, 1.1069523001164967, 0.038050058438222, 1.0924163722219074, 0.025237006339172183, 3.4813597479990857, 0.1802524131734071, 0.8685810379103072, 0.5428422823984786, 3.399679553526164, 0.8522708076996501, 0.1240057987437415, 0.7989363592518529, 3.1576621693221916, 0.0902843584820726, 0.00013312625224164712, 0.49039651865160205, 0.07518429754818058, 0.22062409224012933, 3.5295214725368544, 0.3056688009665874, 0.0031544966424998013, 0.29045840502655107, 0.25071393609486375, 7.186698297038512e-05, 0.07780679145982888, 0.7132485622191201, 2.4379154645908026, 0.8176457111248354, 2.028990937477771, 0.03426395887009807, 0.6392899166717333, 2.677493701451255, 3.7097091599905427, 1.871329894314517, 0.32731718239739016, 0.12362692868375585, 0.0421070683761841, 0.22927212324194665, 2.509773098866692, 0.978810077167597, 2.0066284268617602, 4.68702489213223e-05, 0.2890768196894866, 0.23412169441433475, 0.6690286108878525, 0.1924000240873266, 3.9189273719690747, 1.540162622032291, 4.298644898145123, 2.629812718200861, 1.269655026440764, 0.7770868290806144, 2.0621778192480558, 5.676612052283574, 0.20751125562461986, 4.6631605473838045, 2.213353631377321, 3.606377293915006, 0.6713179552211423, 0.013079961026601576, 0.18786105000257225, 0.18785794289497587, 0.8205762717630766, 0.05247822933944164, 0.17165680144614662, 0.43807467778295955, 0.002099956143463248, 2.4964084127095276, 0.11577313495191678, 0.013031221333268063, 2.6444393796239116, 4.099343562291934, 0.0068741225416178355, 1.7755132576127319e-06, 0.4109218879645701, 0.040580273708854926, 0.09600389545682275, 0.4220393113834025, 0.650903532037282, 0.4571043320373612, 0.4897665401584039, 0.845546252779276, 0.07813518703566985, 2.151232076147348, 1.5714811018776964, 0.041826029009385424, 0.2839755812764876, 9.773043535759594, 0.04601885493758952, 3.1567621163434496, 0.3029959050194884, 5.876065642907071, 0.061439434188522414, 0.5341312418054807, 3.7327866406368386, 0.006576848432630129, 1.0692686923341184, 2.8439002011105847, 0.3929438311880178, 2.970523335255584, 2.4504954426815435, 0.003843856693566737, 2.3298964612572974, 1.5123789891131878, 2.078294315548092, 0.015430031993709407, 0.5514029985032455, 0.02657351031577261, 0.02193933831497825, 0.24690233571063916, 0.2298056152326964, 0.9886626383577304, 0.003619942967296132, 1.4682748747606054, 2.5960363363821686, 0.04268050106887372, 0.043715116451140144, 1.3346523825865513, 10.507057267191215, 4.021903137751978, 1.7056465382535388, 1.8501993942914177, 0.8069097627542116, 0.1404677550726348, 3.566292836839955, 2.438102930763076, 0.04673528003105678, 0.752129235554384, 0.5119354057030582, 8.051564469752412e-05, 0.6310357184415001, 1.1818620007872291, 0.42029437611263476, 0.0966890596916228, 1.7543989933484585, 1.107607152476707, 1.4211484202878584, 0.3706654088567505, 0.6458609671127398, 0.2674610769071896, 0.9935334531833432, 4.386497952436975, 1.5636095499702325, 0.010150690264173215, 0.24283998553220212, 0.9709544541600248, 1.9519500129347593, 0.038897412222070986, 2.3580294973505413, 0.03190920865011074, 0.01933672440181181, 0.30297361855693195, 0.7877352694136538, 0.008720608469482562, 2.1982905850169145, 0.13691406984355323, 0.729533569577453, 0.7590692185301342, 0.08247116608167927, 0.037350373898389785, 0.03400679624794714, 0.7549317587551622, 2.5122608880351307, 0.8659022377973928, 0.8786749788830045, 2.5872598601423697, 2.1412637700893327, 0.009656500402032116, 0.21670555585307882, 1.179941510126193, 0.00858551426731266, 0.09410508005928263, 0.12052191902535425, 4.564912237288735, 0.20314957374962367, 0.6075184109742494, 0.03595461070917542, 0.3816940078835675, 0.13240519570404014, 0.005942309875303283, 0.7216338114084513, 4.0074449035298665, 2.3824283757501523, 0.039582468681010945, 2.6975579080635512, 0.004595097822992631, 1.1611599690398164, 0.9559917792982885, 0.03251031680554749, 2.8745020918942386, 0.09489511917016177, 4.914400526350038, 0.22868584801351832, 0.3206834518857596, 0.43622070449608763, 3.4429432366248287, 0.6999934862833022, 0.2890463582604689, 0.027551009847688167, 0.0008534427548054845, 4.9347961673752385, 0.0021615768518367696, 0.2874148381986033, 1.1915521938318085, 0.7619062391813632, 0.19635432744756423, 2.4399083107869255, 1.7052596418190664, 1.388219970227774, 0.6042703599465968, 0.0009954340698684328, 0.03393132548668257, 0.4578267048901246, 0.6148468017340213, 0.024825748776138152, 0.007117879004709695, 1.3558662492378901, 0.04403193841013776, 3.6505569020890913, 0.12441433959178942, 8.902144625987585, 0.00040099453982212965, 0.26693678750962935, 1.07387788504807, 0.9090205588491478, 0.045909876980731436, 0.7446169205406278, 1.0716043359237906, 0.0006260490317948345, 0.12652029890996025, 0.38607676120439094, 0.20298178124179117, 0.4555825139050899, 1.766864731529447, 0.4310124957269976, 0.04208514596031095, 0.8770023166347406, 0.05124317560791645, 0.03870455995607077, 1.0798613490759559, 0.03007493699069241, 0.12218162673170974, 0.022429899776053693, 0.3645048304949668, 0.4521214648620444, 0.013562546304437994, 0.0031444322823770926, 0.10651382988059754, 0.5671044404965897, 1.9700547307213037, 0.2900140685963507, 0.08225650072437017, 1.2804843991599213, 0.680938903595706, 0.23737736621751973, 1.343501895831233, 0.7561830797964874, 0.003096219182455651, 0.0030908493132316404, 0.04284503282930998, 3.561103900584075, 0.2716724390771643, 1.111214732839839, 0.4159438932118896, 0.14882418915345957, 1.4480006790346462, 0.00021266521508758247, 0.020919346226824464, 2.869567089793655, 0.39561419151931676, 0.08768579264648017, 0.3311329214308504, 0.42060274351487326, 0.39660777263607344, 0.018131196531827477, 3.043057437295866, 0.2041739296521899, 0.029960068039047237, 0.4726628351983268, 0.10891097124987521, 0.049582651566476045, 0.03338322966315392, 1.3169110477443742, 1.2799202227630837, 0.3282639762264802, 0.6012742552306238, 2.4683047867656644, 1.7855462204015906, 1.3867608545034587, 3.4075546067892053, 1.5934051193216583, 0.1299144639167417, 3.0233061860091834, 0.03618962265374333, 0.6724198984367192, 1.2908904825479912, 2.5493238346171596, 0.02829859042855891, 1.34772841881303, 2.9500279560673275, 0.15398435007560948, 0.0012753708178797818, 1.163506219877006, 0.018337147357571644, 0.1989452566817145, 1.8587724418713576, 1.1494833316379434, 3.1320361770350416, 3.5607397684195536, 0.40062218277577905, 0.006294125311732002, 0.07598478760946634, 0.017767160607989375, 0.0015818105343184344, 0.1967411124980597, 0.18816206790018017, 0.05982696941467193, 0.06578537576304622, 0.7204085773603868, 0.07181352258048422, 4.450726409749175, 0.7122392158889377, 1.3093785741092034, 0.026861208427054688, 0.12162926705844208, 0.7262754119033774, 0.12294036621052581, 0.10638781858178473, 0.03437526463031053, 0.1807199079989042, 5.038991267604413, 1.7298405611019105, 0.15803509265812163, 5.770965801296793, 3.1625425994498992, 0.0947999839865302, 0.11424603046743363, 1.7932471370217793, 0.24774193316730064, 0.08784267669621801, 0.09068691017799511, 1.1287087618596985, 0.193852342539127, 2.298773614935252, 2.1095998570710455, 1.3140710718726392, 0.028613123932617408, 0.007212113849292418, 0.8438379812483909, 0.0919751124380862, 0.12092642431181852, 0.5580381065427501, 0.03808570343396726, 2.4954536442133026, 0.00457970357667317, 0.1539024374294921, 0.11475215687758829, 0.8329231477595396, 0.5486683492579953, 2.985241478430033, 0.06568779867953026, 2.7069354219995043, 0.04386796622698047, 0.0023553510413560634, 0.7205785963386624, 1.0120726924812191, 0.037953075551170105, 3.606132811175933e-05, 8.420658136680963, 0.0021774808878147196, 0.04570078308390976, 0.5620569790296857, 0.02988280543993631, 1.174649726579556, 0.06924483130286535, 8.040528151632163, 3.6255368955807388, 3.5012019834541572, 0.3729863333561865, 0.1513070284702366, 0.29410522058661653, 1.6873869016680478, 0.7134891195551135, 3.433676496668624, 5.021891437423072, 6.016399297875032, 0.2769258091726093, 0.45073038044775315, 0.5609327773894495, 2.2852785012425905, 0.6771744393886975, 0.5650180147009225, 0.30781199351784566, 0.5534998381249664, 0.4015859243989192, 0.45130931088158927, 0.0015632376974811268, 0.5655585007903027, 0.04835096406746762, 0.2538861352127278, 1.061675106479519, 0.48638051777318436, 0.004142912833819419, 0.1386409684288943, 0.5884185753796112, 1.1383521111606478, 0.10806729625665, 0.08904963669688623, 1.0169110740417513, 0.016311678500043593, 0.004551848172707054, 2.2022672412672146, 0.0031690402417875636, 0.38372380188569605, 0.40290625611641495, 0.009371819086400604, 0.25625801057528663, 2.7865271869083714, 3.3138886884505223, 0.2568037965786562, 5.7429021967466545, 0.693849612683656, 0.07435492465361647, 0.9663545566955475, 0.06813854804309562, 3.196827297209089, 0.03593069681238337, 1.1077225223130662, 5.37235291586389, 0.08685722148744686, 5.944515026997995e-06, 4.235405152200511, 3.3797918920710335, 0.9976389077674136, 3.7164846992226597, 0.011282725103313138, 0.003897612335091367, 0.11169676635271512, 0.8970980377826598, 1.4573742109553627, 3.2369417483182943, 0.5509091394050277, 0.1966755278468392, 0.565025634712434, 2.047297593066942, 0.2959081007802635, 0.1440754515087963, 0.4862298787485288, 0.21988275843447444, 2.7743162354603625, 0.5349954112173642, 5.4080406135214165, 0.18643226950185743, 0.028179304384176367, 0.13351438896285123, 0.3156241493012751, 1.8637417992954932, 0.147612815118524, 0.5778230306966193, 0.08718486519079531, 0.1115121358750837, 1.0703334146872525, 0.4916157012515566, 0.19259334319004204, 1.2735153636082328, 2.8888105227586887, 0.4358072780348356, 2.9820179607582173, 5.114977503568229, 0.8967038947755251, 1.2194344183871295, 0.008360984160107483, 0.0017236485989182778, 0.41839764559909703, 0.9926918281373782, 0.5635135865964218, 0.5348724687249475, 0.8199835122628226, 0.11700110619940836, 0.031243390493513316, 1.211436014004627, 0.0004028198462926328, 0.14890844672960651, 0.03744804159375006, 0.42278401058016807, 0.7049791677010211, 0.18585834562121673, 0.7225831681550148, 0.17490056779418026, 0.10850647383557209, 0.0617170939477629, 0.2851783171544063, 0.23815902527502486, 0.08769751872147447, 0.004707541155985164, 2.9287036482356767, 0.25747424269593355, 2.6282438020795453, 0.004563253874506318, 3.9049124992190385, 0.003959229010127575, 1.4491973004223473, 0.8111055289596177, 0.11228251182938821, 1.012714177381816, 1.6001694218456914, 0.8925430732852195, 1.970254478110646, 2.1350213427775286, 0.2215470127652456, 4.011803553779231, 0.5607845676965538, 0.000883812096790686, 7.7086835996277046, 0.0008535528669129058, 0.6827512490053049, 0.6346548978296422, 0.3382377541875763, 0.44106033083911494, 2.5104964159870766, 1.0638387802226836, 1.9832215851594739, 0.2153454442161107, 0.062207371231888825, 0.71445177192342, 2.097823590196195, 0.5212531448956758, 0.3724322406013908, 0.1876967357384587, 1.5943713190122153, 0.005287642027314176, 0.026684841729805158, 0.007899344729814638, 1.3045692415832237, 0.000253088179021829, 0.4365692803360439, 0.6255361608742801, 3.1306238585050266, 0.8187787778785229, 0.0423905561262194, 0.1300120942542899, 0.5394047940190333, 0.10834613217743369, 0.3068305367905156, 5.758717967138698, 0.2575514388272805, 0.023527119914764447, 0.29319735457923396, 0.05056912124801026, 0.18807418376650373, 1.7328484147810166, 0.1509900022287435, 2.0373283475438604, 1.9705295625190584, 0.011660000381667309, 1.4139353219648803, 0.002517637520199234, 0.9846557347327949, 0.3591440580189026, 0.14784196968495342, 0.5570859673175245, 0.00369685423934737, 0.015527180958786468, 0.05581107564216843, 1.589072275777744, 1.730333045683929, 4.682558341408016, 0.1655610516367424, 0.0073681214386918485, 0.09949886768477036, 0.7036177287757609, 0.7980811336086748, 0.46671836102035696, 0.8033714662524521, 0.35410538486432636, 0.05818417338516515, 0.18948405346846375, 0.1572479189973711, 0.8091897226271181, 0.7023457252625563, 0.19067202369797495, 0.14986171946776883, 2.007652241756594, 6.924050278593254, 2.0954190362670704, 1.198400722339931, 0.7998826567786108, 0.0016684337660326709, 0.16206076208681983, 0.010506388575865151, 1.1268073055672283, 1.424948065768353, 0.08113831608483656, 2.9628047421445483, 0.014490442514059664, 1.8621088175116376, 4.074612890403786, 0.5465126666956656, 0.41903091948463256, 0.20488418668794114, 0.04914521660556165, 0.9933199009064163, 1.6073983495511404, 0.781335280403599, 0.5322072770040069, 0.45977066213775175, 0.6555294731024794, 0.031376551885877485, 0.011366848254905712, 0.45459257642696227, 0.00761094007035036, 0.24815468482158146, 0.0941395661737034, 3.1303494297249914, 2.9351698272255136, 0.3761553058158182, 0.7462954235000744, 0.06450226899657703, 0.16104219161498592, 0.5194612182352862, 0.016283111791579374, 1.2167563879015095, 0.01392584069024368, 0.03391182835768571, 0.000828864205514128, 2.9052727808444936, 0.6033489918429599, 0.020238581953706977, 0.02719168350484823, 0.03772914702450394, 0.41840898744747046, 0.030840968596496536, 4.573621731110157, 3.969873724921204, 3.1259049569594177, 1.0792344998931491, 0.2255479279710477, 2.1595715458815405, 0.6850694786402717, 0.11722780463424436, 0.04235136664775864, 3.124635732413497, 0.001050347785710232, 0.988897398836248, 0.8200804027047065, 1.4296530144939115, 0.010030597617780931, 1.6930052995467995, 0.021695220661870903, 1.9118788307320336, 0.13450389878078717, 0.1729162918714776, 0.3244213116084637, 1.39217052224977, 0.030202784516401123, 1.6104463880376514, 0.11676712350531973, 0.8094011697046215, 0.9647045657471651, 0.06575349953917539, 0.57284224365788, 1.7345245497485124, 0.16271555525435882, 0.5092823607776538, 0.11210544980844353, 1.0030760537871002, 0.139135854921039, 0.12461083160579654, 0.025674583746139217, 0.11467118193221042, 0.9068954415824959, 0.2897566128186396, 1.0202790759936278, 0.0044866338337380875, 1.177037233731898, 0.12995007780093118, 3.8492581827869956, 0.37417231006213736, 0.4234964652977299, 0.0707306447791658, 0.008238410495925637, 0.020933335850214202, 1.9868779213573775, 0.026345687801262715, 0.4384268912543433, 1.213031146339529, 15.24423969902463, 0.7566863096235831, 3.371849527719155, 0.41452389150537594, 0.5990647953239883, 0.2761178457675703, 2.0572453891386355, 0.1760239617084716, 0.5389745035763893, 1.0004861761975798, 0.00937938906191802, 3.2048180836215567, 2.006169707882577, 0.00391684200202525, 5.460544027893195, 0.20972902075253388, 0.007350143734244456, 0.7179004922674391, 0.1351249475679413, 0.8733799731935381, 0.2153897831000237, 0.23567923461640866, 0.5122919671102387, 0.21126151560669737, 1.0616796517687135, 0.3450031218955012, 0.36885115149227615, 0.2476786812510222, 2.25208049459237, 0.9863150611693774, 4.634844612827073, 0.7090689418833308, 17.041334782319204, 2.5963606238619987, 1.6420456165509039, 7.001651538333171, 1.2806058264273872, 1.772942039906906, 0.042612833801612016, 3.818488818595028, 8.458413744225862, 0.47221222811265195, 1.032345407791559, 1.6971069232171205, 1.524504378721821, 1.6122108226773522, 0.10752952958780258, 1.0026433552120664, 0.06456377478509878, 0.4156118810917068, 0.249642239892233, 0.10171484021024597, 0.10017233686852912, 1.1328614584615797, 4.832824597093991, 2.8331498861077966, 0.9197528426184816, 0.9811138174226841, 0.06544397432289378, 0.5353278174668464, 0.9146885901630691, 1.1325881990027316, 1.3222399956174158, 0.11537918382537517, 0.17652087395549218, 2.8663470621335088, 2.022714013698884, 0.7467195263042357, 0.0913023327226476, 0.11744824641019176, 2.380658723595794, 0.10200967721691258, 0.33150687216180186, 0.03472914528467907, 0.21151862797597232, 0.4862269582388589, 5.049504546840994, 0.0035708753905780983, 0.04960362588140368, 0.44951121977114333, 0.6283919677998053, 0.9485028628142494, 2.5009631114152002, 0.7555328392665792, 1.3898529224548333, 0.4501016210213422, 0.13234639762574063, 0.010558506044831023, 0.4088306251747042, 0.0761254309891783, 0.922858483210919, 1.1542453786979214, 1.9772874428937472, 0.16540176096016315, 0.16028901141488627, 5.205609909892498, 0.9058374019317205, 0.15510840337448933, 1.1905661640070695, 0.0238610358366177, 1.5299320182605316, 1.0502509656707386, 0.24534985828280934, 0.5639073420535439, 0.10782753325358733, 1.0511955137378517, 0.13764026371879418, 0.6446225638608091, 0.7140934920754883, 1.2413996335523187, 0.7617123658108058, 0.272255153614209, 1.8715090868029691, 0.32212387141758064, 0.04020261151577774, 0.20469357143623707, 0.45732563716436136, 0.0023165936300682034, 0.03913034155043821, 0.06829771961550234, 1.349140409234159, 0.17383115908321892, 1.243689843329044, 3.192087282621701, 0.0005120934968309908, 0.2903943583146699, 0.05616495490947024, 0.21681442523612443, 6.559802791056538, 0.2704308749323915, 0.0026583709094888147, 0.061893263123297515, 2.05161889408981, 8.500785605523324, 1.5558381819001699, 3.402926447320912, 5.134294277568739, 0.4799474584517342, 1.0194522661447603, 4.398824739594533, 10.387119911305584, 0.2955364116131815, 0.11970946905661836, 1.588088285048188, 5.91111102919031, 1.8827047604254112, 1.7709381612985633, 2.6097898678511693, 0.5276599190614147, 0.3842942533210086, 1.886740940965212, 0.6375667797750441, 0.005350032525021249, 3.977334318034007, 0.0017397533187793388, 0.004311433167110716, 0.5752334305787796, 0.262820690096281, 0.0018414968921413686, 0.1670313290702524, 2.2022012513756013, 0.10011846619463126, 2.0136264677626707, 0.8974533133755551, 0.15325588029162882, 0.08318461351687452, 0.00480687240664554, 0.3022744371438133, 0.048247746196688875, 1.0972122105302697, 0.2934457987719859, 0.0787747596643211, 1.4906695269068482, 0.18770677608047648, 0.025541101487652908, 1.774499110526222, 1.7946066085415182, 0.010767302355664098, 0.1474250010218708, 0.8205477812129247, 0.003790245741298869, 0.06924674199601374, 0.28980636719185776, 4.253121612128446e-05, 0.5380601207746758, 7.460777729181683, 0.17758519968571082, 0.750813655335542, 3.339049820714197, 0.3416437442570217, 0.6971549790879539, 0.002064639860794356, 0.48812595207682913, 0.0286839055621361, 0.04040542931369726, 0.634256924286854, 0.3603952467817637, 2.0184064175213985, 0.011524180076438592, 1.1764492683341157, 0.47323973964179095, 0.019187991393596806, 4.913730929970493, 1.0544499966829297, 3.8324323484245957, 0.40214175904607, 0.7335684913663436, 1.046746260010203, 0.8301121909573714, 0.3664814438302436, 0.05475815295025592, 0.0005705901700269602, 0.43304054358223504, 2.6283619093507444, 0.7753620941056849, 2.693439272801628, 0.9675469532796833, 0.05992736972508059, 0.5295098338409029, 3.537201717678155, 0.7657208798405548, 0.19998267950317364, 4.102126055666375, 0.28312411587378933, 0.5960694960760977, 0.006774631294510522, 1.6469294433711066, 0.6941714970132605, 1.8573765488974348, 0.06076947896231609, 0.5919933756456184, 0.42520450380273944, 0.0006555151725535677, 0.0651827496802263, 0.011696968722721555, 0.0014019109784720392, 1.3077703522708213, 0.3610282030388903, 0.0046109167183529445, 1.9921069020507722, 0.005877643237453851, 3.437344033987829e-05, 1.1992364673153242, 0.0009113454894135939, 0.9698584915838402, 0.11369876619659096, 2.285637251799256, 6.140148026021815, 0.14387188735133274, 0.9119123607242042, 3.035201253884014, 0.22096664454292864, 1.8541590026217123, 1.3717062638283002, 1.7586488604359511, 0.13992791196817764, 0.7721269488077691, 3.6196125398323096, 0.8072906789669835, 0.005152764500288654, 0.14011421628585943, 5.854699587652459, 3.684104512167917, 1.7657078217358733, 0.8630974189306635, 0.1784299225746882, 0.033190933774185104, 0.0034467973318122384, 0.9687843017390774, 0.09098179207384338, 0.1917670067888711, 2.0221463726006683, 0.1154773134277695, 3.939221395763903, 1.808634690306246, 0.02397976144862005, 0.9461496868541821, 0.5582261611225632, 0.1290401059572377, 0.13152005410535844, 0.014934019117233611, 0.3305944567899519, 0.4088807692471147, 0.07884303646095445, 0.039322526652893326, 0.29240533199274366, 0.6894073997224048, 0.002421444141739415, 0.2683245959004934, 0.11697772495461392, 0.0009096699152880916, 2.311799694137282, 1.6540161610028352, 2.6915775548821137, 0.7887251310426793, 2.831851579407886, 0.1488430671907885, 0.49457592239643233, 2.0528702012656614, 0.747443038612566, 0.9239801620803525, 0.4160408686475339, 1.0032539861968874, 0.21319454154995582, 1.7524593591114916, 0.07394148015242648, 0.806103400575697, 0.006612362186250143, 1.3572821348736226, 0.28312078653564504, 5.403456754215088, 0.024546516288239336, 1.0972926098123708, 0.5518668132349067, 3.270205344829735, 0.18716632547736614, 0.9175165157466677, 0.026685900934694223, 0.06893335115855016, 0.21034274391200872, 3.0429427116516528, 0.5471764955739105, 0.28111968227172174, 2.782068696976638e-05, 0.007581379037303474, 3.139424155463241, 0.04900271683971929, 0.2172737642367579, 0.4109896487214493, 0.8369815070161571, 1.3063740225424483, 0.3010079288524056, 0.14841098348455872, 0.04377319207581358, 0.00012839959706547298, 0.16393757848850365, 0.6499923408986206, 6.684180395492781, 1.043708619732962, 0.3328308911387201, 2.3738046238532386, 0.006725428572577369, 2.0324764696025523, 0.6451381364834194, 0.5690270632804879, 0.10189131882624546, 4.488223068143008, 1.3201890406992538, 0.40753283344906155, 0.015056195935538521, 0.6213106081605579, 0.11957919300335292, 0.03216519043093687, 0.0003201534568371208, 0.044691741761526224, 0.14587139593999304, 1.0569349788086095, 2.4840557209745568e-05, 0.8803410929357123, 4.907484159746491, 0.0200203697130339, 0.00830822083642508, 0.231573229150364, 0.14851276514868123, 2.8817693523462737, 0.17617005181240752, 1.2239119891658363, 0.5404757606995847, 2.1994764729977176, 1.966837655229345, 1.2221669087987772, 1.397372417424157, 1.4287479503365013, 1.3323277869416148, 0.6941706150185861, 2.0111675279133348, 0.6847456994776929, 0.8038723725033775, 0.5209591721456339, 0.019785312650551733, 0.9768817192442274, 0.1230450343469903, 0.3503305965505003, 2.568405831171017, 0.06222308761111833, 0.2282216203432262, 1.522078501848485, 0.08145263285960802, 2.0692284578213194, 2.214980903888547, 0.38240910378653237, 0.006755992746467154, 0.33507862288631096, 0.9752004161634411, 0.01316007636228127, 0.013561180124222732, 4.6303698195396885, 0.005482147000580523, 0.011474162515738762, 0.6725277519956736, 0.4957087902414016, 0.1667612669118877, 0.0676629789796492, 0.03584388923043182, 3.122387650395663, 2.06562513102102, 2.6237211630749786, 1.867586874659147, 0.04330121588880111, 1.406622260221243, 0.9170972540943969, 0.3521428936821099, 0.6654484887980956, 0.07910400912994921, 3.244463920062992, 2.746687589078373, 0.0002078135375155604, 0.28954664337602126, 0.7412629236561588, 0.30914426533334805, 5.800278778993495, 0.018319921854338735, 0.7470571895141476, 0.9772696567245693, 0.016319285450429117, 2.8159328819731435, 0.37639879165122014, 0.005684433408223675, 7.254019629164858, 4.783884380841027, 0.7072020919319415, 0.023346645179426858, 1.5189762100517419, 2.0980986767885947, 0.0014077975619784114, 1.979636075443779, 0.11256237826832048, 1.5916598340141286, 1.3784833665272542, 0.5546806129101707, 0.45815245416273326, 0.43616212948193483, 3.6007477972240323, 0.3727309720715466, 3.862739695703565, 0.32954604450804653, 0.6483655417329917, 0.06791357303593556, 1.2160228758387044, 1.604966899175243, 0.05473286004891439, 0.08632108663299672, 0.11359019030053288, 1.0210763041439448, 0.18970576555374766, 0.15081004007681456, 0.4133885376744257, 1.4013068443339791, 0.3182771213782732, 0.5326598931851813, 0.671086514741101, 0.5881775617376005, 0.5436700463750419, 0.014681018441636813, 0.018927250634358593, 0.5375682927845251, 0.24907276308614162, 0.509089456726336, 1.2463742647537237, 0.4127994858849491, 0.15783488024655284, 1.1677310845364237, 0.09114287425861646, 1.0469255051817352, 1.0215966695385967, 0.14749037730064, 0.20529628327360033, 2.269484755303797, 0.013361893736263586, 1.040430512179063, 0.07023909497612775, 0.010304910532393158, 0.26075832284751044, 0.27858059421992165, 0.027291775910306508, 0.22988198791199846, 0.47258954381129537, 0.3968440512170316, 0.5221547772326239, 0.32090905478029796, 0.07169571427000938, 1.343739708672362, 0.2760381513663242, 1.937526865376237, 0.32200426482512623, 1.6032838339229802, 0.1799446311002979, 0.002898453954198865, 0.05274701741091551, 1.7263260035496888, 0.29100320342120345, 0.4644909701347406, 0.027506535382890752, 0.16633623118793708, 0.0006607820551312118, 0.25200441277255614, 0.12854000523689404, 0.09516553640484895, 0.048790355110115195, 0.6305482352365318, 7.026380882858304, 0.39049747843906135, 0.3670025534995675, 0.2584193359359753, 4.056192020025786, 3.0116756737950756, 0.3307484992104852, 0.0003629424881777333, 2.751605235424125, 0.1550722915763738, 0.2578688414219618, 1.5870333968484953, 0.41221889232286496, 0.9848464865679161, 1.4819876678607213, 0.09126911065227467, 1.8053823223572043, 0.16646729198555385, 0.25903464549702737, 2.738756740264457, 0.2389142394924757, 0.9725766461228584, 0.4254147346690717, 0.4406906142515624, 1.7916289841919217, 2.0659512364470807, 0.2025097732707119, 1.1480872834159885, 1.334881862755888, 0.25913715933866277, 0.48244240032689933, 1.5230880848920842, 1.6813447254560003, 4.162180264796363, 1.7171254708903947, 2.0090302678081784, 0.5210337947302421, 0.0022616911207724295, 0.0272879696594842, 0.787840210668854, 2.09732946042477, 0.21961528117334014, 0.0035179354892936085, 2.2400443598514, 0.11769944370271868, 0.003956141584403393, 2.3332931451288537, 0.36491007971331296, 0.9512964746423996, 7.026040052145898, 0.7115480011859835, 0.5339537142247878, 0.9014919521688608, 0.5537821654975768, 0.5093950764684578, 0.048253544495278036, 1.0302466347435384, 0.14069534704516018, 0.20667961818152067, 3.3567102974196317, 1.2769635561821526, 0.058803305917846604, 0.04857622098669028, 0.1983397706278327, 0.7259801116168507, 1.573348127583126, 0.005420489065771323, 0.038678589273756656, 9.071580525445357, 0.4458366812797754, 0.10855057366150148, 0.6838449830610017, 1.1487214732123459, 0.04601568044901681, 0.020235968669292254, 1.787160407976764, 0.3046867801438289, 1.1230174898529168, 0.2273707187114816, 0.020577752004143815, 2.8259235277716153, 0.09892497124815522, 0.23465636644797463, 0.05784991093026555, 0.19924419513159314, 0.18672684937031392, 0.8338172275709138, 0.5202408950752542, 1.795388214356747, 0.5852337742445506, 4.1721473810325715, 0.03204976304601441, 0.01866542438195909, 0.1228703178333597, 0.09350827791627107, 0.18367569051625884, 0.5200484049480685, 1.5931102519781524, 0.13407779800244404, 0.10439994120319233, 0.0068590748042385834, 0.5533530947043831, 3.5729679460853667, 0.0057688961263495505, 1.7769317417541517, 0.21440822104025645, 0.41648802850354205, 0.4627231906458615, 2.6091337996840065, 0.4632112457100758, 0.040118696431179456, 0.006808116068915799, 1.2763938426752066, 0.0261696413273716, 1.7749105112980852, 1.6192469176932194, 0.37695044279458817, 1.2743828976146787, 0.608160166159688, 1.3156902864556472, 3.313593277303003, 0.15542311116507246, 0.2446497481932048, 0.6594518449741774, 0.01745428113864359, 0.002021808470583397, 0.0015045416135439922, 0.1766899548185679, 0.19481213227322935, 1.2638549522244342, 1.3427542081024675, 1.439495369653221, 1.835585777841581, 0.004889513595911065, 0.007997245721022672, 1.1740765434197213, 0.2998758777630274, 0.0016329323629596043, 1.931161135850394, 0.3152093010672552, 0.9797774576187265, 1.4005567845549507, 0.1698251119525489, 0.5557002435236758, 0.16821983250212727, 0.610891224628624, 5.562175444916063, 8.870694656022933e-06, 0.09167785362419721, 0.8997254705837714, 0.9135373583576503, 0.0002551335792438903, 3.029113980026833, 1.1105367719784005, 1.2185485648712011, 2.9824910828003013, 0.6171679795972318, 1.7975291279071863, 0.17550460701052858, 0.6186483436791174, 0.19880127192975422, 2.0646750623083547, 0.15726133347091914, 0.0322767716980647, 0.00576184848399634, 1.2053396370467941, 0.044619198996407046, 4.8988503685771745, 0.5616808089344459, 0.16591810443724625, 0.0577605608809136, 0.6932512451350115, 0.2804567528726839, 2.6214336905541162, 0.23528271265774936, 0.036658091804003416, 0.10578057169362563, 4.100595802187777, 1.4498751182306291e-05, 1.7390634673297887, 0.13194603090417287, 0.3609508061897541, 1.1372291888919794, 6.393716827033477, 0.9743184059234834, 0.21905215289200122, 0.620363698500281, 0.158510409031687, 0.04880523683446051, 0.16014590203489884, 2.725894489347521, 0.001068584465141585, 0.12188137125034641, 0.09653149978795593, 0.25305132693038834, 1.7299908924759244, 2.1132923419374894, 0.1110910940881996, 1.9005358709665519, 0.2109748008083919, 1.825288556195268, 0.053453294962502625, 4.273649116815694, 0.975104295525873, 0.047299102895619526, 0.49142109795235484, 9.306491126479376, 0.5144429733148772, 0.0243089607570547, 0.14635929701244596, 3.377523141420581, 0.2450420014458503, 0.1403428667409339, 0.9747103712351902, 0.9659442714203622, 0.40080098913357176, 0.45948909711731095, 0.04724691612463886, 1.4507095918406525, 0.581920804326785, 2.558614385745574, 0.14882424180251205, 0.8334318375360514, 2.1005628166448544, 0.16820683019542979, 0.27447505194221317, 0.09433012502316718, 10.566983685624013, 1.3337539647399372, 0.09602711024096784, 0.7576725247913806, 0.024062155842388116, 0.7238949858166689, 0.00016422878078857687, 0.38939358267134333, 0.00031967375675657426, 1.524823707801801, 2.4603022428243304, 5.185030070585313, 0.46321765986205227, 0.10224022287657498, 0.2086827839373746, 0.03999643843041373, 0.5656377077695602, 0.391465064718031, 2.652832971016773, 2.5774019613795773, 0.07942189658515277, 1.433917067008703, 0.9828677265319355, 1.1577484763579724, 0.27714604299604545, 0.04116295527622071, 0.13053427148320018, 1.0913432750689431, 0.17966630184130403, 0.08683400881161504, 0.8930728058044793, 2.174371601547019, 1.2690051708932117, 0.022119193737905003, 0.43986492006162653, 1.1213799316169117, 0.9360435786457676, 0.12223051502476773, 0.5976668940449535, 0.715776572755174, 3.30651261444791, 0.14949946976991393, 2.8250227654544284, 0.9862629900449935, 0.1445383079817077, 0.014840887379435234, 1.5373306822714508, 0.29323539016971945, 3.1624603678402984e-08, 0.6861847345758332, 1.9326973409266872, 0.6774277158840278, 2.60525192406925, 0.890197515375677, 2.670668153354713, 1.905410917278189, 2.129524538146212, 1.0083661510129072, 0.17000983059547475, 1.0538591843189837, 0.031212279942968924, 1.0481372261702113, 0.5051042380239658, 0.6649924800462984, 0.5560677804731932, 0.10468078166745982, 0.10224553055815645, 2.1133917466908865, 0.24475170539289906, 0.05027456855457296, 0.8814446779596733, 0.07182331997797346, 0.007857367248057415, 0.9030802106259193, 0.49601212553493673, 4.125622787312571, 5.292345920830999, 3.576728657082822, 0.7741404025933174, 1.040810595655105, 2.3264672990500026, 0.2703211370470874, 0.0015926677911983875, 0.231838453268373, 6.4788338442040425, 0.9921770420730942, 0.04428138158736852, 0.005181198614160035, 0.18246709666317562, 0.0034801715366938957, 4.532106329432644, 0.23550092665874794, 0.05971455349230961, 1.1535079291005481, 0.003163101436653718, 0.0343325427052766, 0.05295345785847942, 1.2916283404590057, 0.6388295824868399, 0.26967233608397206, 0.21349105713059277, 0.006109307971176895, 0.44247237208116164, 0.44019322137908584, 0.9834683292696079, 2.0635419127258916, 0.06943323293005049, 2.6543923950667176, 0.1777751565557996, 3.041016686122021, 0.35861121388921263, 2.9078038834399114e-05, 4.558352155280735, 1.114074876650913, 0.049194987495514195, 0.27091775092724185, 0.21388906560061804, 1.8197549183139539, 1.920836784910157e-05, 4.456847694733343, 0.2545990941914889, 0.008317158124753463, 0.0012795529457602566, 0.14577858213747671, 4.212016072375644, 3.0818230216199525, 0.9934732487372034, 1.3918149952592958, 0.04183036957003707, 0.7258947874879299, 0.0038738929268794502, 0.2556256589783543, 0.035473586280519574, 0.3075192495886405, 0.32379357197174746, 0.023972582328145677, 5.869332711292431, 0.11120907605721236, 2.4747652894503763e-05, 1.2502971883089102, 4.075246262490789, 0.002226693139473942, 0.0018761154687093613, 0.9012424284724734, 0.4086741146423894, 0.004489463135786984, 0.02673605083637799, 5.421750553481491, 1.0849489389198232, 0.0031815583041612944, 0.058841731545160925, 1.0280104158461014, 0.15075429305164093, 0.15753421351678704, 3.22784394030295, 0.08068864183425231, 0.8296266049541525, 2.0766500179677627, 1.8326879600905839, 0.025915974590791938, 0.02459217457297755, 0.11041146533468449, 0.11076302694486598, 0.003117604011532366, 3.179061063983349, 3.4842440168342255, 0.029587205326475994, 0.8427010508295032, 0.8236633136435171, 0.06140543202198901, 0.5274185873207965, 0.004549233564263356, 3.117546355046235, 0.027889867328276016, 1.412889963011567, 1.003387997999436, 0.28191637542787457, 4.695522243703495, 1.2365876968549199, 0.12040129610496246, 0.0050515180066824155, 3.8337093568513336, 0.2049997430117438, 0.1289223926149168, 1.2203007796106733, 3.027442523946859, 0.31055223565859064, 0.21165522021265304, 5.368224658989055, 0.19831853502201333, 3.1026534606085954, 0.31488306654477394, 1.08582672505001, 2.4892380364064906, 0.5264846238945349, 0.9178738297583968, 0.9877392800765343, 0.35355121046771554, 1.0735356390650914, 1.7485040535454237, 0.031913832608706574, 0.04971328022086943, 2.471739996073406, 4.417475239211932, 0.6667499032703664, 0.13392164464507783, 0.11219006370857895, 2.09478404705908, 0.35896907076900114, 0.03649564738681199, 0.3274950625267998, 2.0937412379186657, 1.012006687413715, 1.4443678348943287, 0.09524781714506923, 0.11016606348947391, 1.5373885060554193, 0.010442605726651106, 1.3837477393496396, 3.287110246947518, 0.6180130824359253, 1.1394755717594054, 1.2857488513764679, 3.4897160504056886, 0.10089085482538705, 1.9277412829802902, 0.7710847955337594, 3.2652578442884735e-05, 1.2663287367930527, 0.06965159263146332, 0.9651125735634972, 0.4689308098937417, 0.2538985763153103, 0.1134726607955965, 1.7403643725176425, 0.7194066240285347, 0.5190842323901429, 2.6237079964044954, 1.4074131804200214, 2.0917237916013756, 0.065496587941283, 0.1430461660388758, 0.22483980976728224, 2.573353170002105, 0.37920393850840783, 0.03968724991049506, 0.6809411961536816, 0.36568647303508117, 0.8215893283359876, 0.14841688759847957, 0.2026828174128308, 3.1785424347287146, 0.12457124226308969, 1.2103450844160113, 0.0006814036814043053, 5.517853739669419, 0.03583638648136638, 1.4406847909618659, 2.0165208808076382, 0.04663095056296352, 1.1039582204802845, 1.6864856487437823, 16.95020283876618, 1.092554420967947, 0.003548535627536676, 2.608651204635644, 5.377411608355649, 0.9295909993877637, 3.9658737744341317, 0.01812597770229489, 1.1179347170463096, 1.301430546994331, 1.4426192033230796e-05, 0.8159683291104659, 0.9352052838435525, 0.33889617639461866, 0.11971270607204099, 0.012537109775221916, 0.014357504231410257, 0.0001131426245284978, 0.0037551137553333037, 0.027397431246386973, 0.14751841757442052, 0.14796072024724, 0.7807414278445983, 0.16435895502391334, 0.5159129206580829, 0.232140772863696, 0.6330318595386171, 3.551952590782096, 1.9473246610859565, 1.3961045112238168, 0.27061027047464165, 0.40648849489295413, 0.5298404024964833, 2.4620785798215516, 0.14860497042096274, 0.5302001116224692, 1.7653682891231361, 2.8559546388042585, 0.45140755589059495, 1.9328350254522628, 0.08090547415219915, 0.02882449405613967, 0.04569679497421311, 0.11472430210259943, 1.2387856111501694, 1.0374725317464306, 5.846530186307421, 0.5863807682629314, 9.33640031774718, 0.9580045978438442, 0.17506432270702835, 0.9071533042038802, 1.363705556364655, 0.26760959138991197, 0.045515972364339234, 0.1440882509263475, 0.997940086209653, 0.019428163948424903, 0.7523781328431226, 5.041825845595659, 0.7551473904567927, 2.114260967273885, 0.2553105241362154, 0.24496855732358994, 2.2426961299046866, 0.1238897596336766, 0.18981939427400873, 0.27007497623126514, 0.3317311541096046, 1.0509165311735713, 0.05010351937469937, 1.4063325672994147, 0.07942718648049542, 1.59577853453335, 0.8130142974867476, 2.7215212750499935, 0.03455531162058759, 0.011708444398013195, 0.015714577782299538, 0.1701011955149562, 1.1659222494894212, 0.740157995301145, 3.538437882684548, 3.568418605568607, 0.01296113701366425, 0.3374177409033847, 0.08707841469849911, 0.060666019339849005, 1.2300016794782918, 2.425382977606321, 0.9369213786314026, 1.114722417833378, 0.9647554856317693, 0.3472612170879882, 2.458909907272114, 2.868922081908579, 0.07100901747725975, 0.03145710422348406, 3.976408268890449, 0.07855929807056285, 0.7251399424806916, 0.7922559652463314, 1.5320587805632024, 2.689958047648787, 0.47959028591402336, 2.18475905891508, 1.680069433300091, 1.1832731316729055, 0.0418270463589867, 0.014438825233208481, 1.218127166151963, 0.4790075855117592, 1.782804482605708, 0.188396552499392, 0.08508158234467268, 0.7090495971260937, 0.00424342460374347, 0.16129336486212448, 0.1452419048077994, 0.005170539951105354, 0.6871854305907743, 4.584539904965075, 3.734265607398021e-05, 0.001207272641456663, 0.41849447332995887, 1.3839191610064496, 0.05198780079759475, 0.2129549860104697, 2.609909559978037, 0.14290814116952852, 0.20555312254005176, 3.209224503240806, 0.6008085028281714, 1.6362760547003266, 0.425445712531008, 3.1638106633538037, 0.020145923311604193, 0.6265667023401126, 0.00636540826343016, 0.06273595204994543, 1.4407296521727535, 2.2278457944649293, 0.36390320479642096, 0.04464068817677912, 0.9082042051223078, 0.09969756015832498, 0.6320392765899558, 0.8530677593619302, 0.6768893381079477, 0.05352343172396424, 3.3747770512532145, 0.41063007693148007, 0.17008454455766706, 0.10110133262168412, 1.2247841832602893, 2.0506573797011445, 0.0008209952217560302, 0.7053799242656016, 1.0437495271154107, 0.2975833593907915, 0.003108257286825384, 1.8261471757396612, 0.029022692611269083, 0.2565756650431853, 0.9752820498211466, 1.2417493783445164, 2.7261864507419507, 0.3343893199350595, 0.46116309842744435, 0.9332324476418632, 0.3095258500235144, 0.9691999027610388, 0.5356789023609324, 0.043446407610164973, 0.019663285322464846, 0.16978272882664638, 0.024918774530948255, 0.026826464574467204, 0.006787404005969431, 1.6767565665756539, 0.25609200021214706, 0.08261292764145753, 0.3194363693391108, 1.0841730062731791, 0.004431498367322236, 0.9099736088087025, 0.5570765794335337, 1.1827840698572418, 0.014086196346425389, 3.466947652706166, 0.34484868554447157, 0.4559825516948632, 2.7185237892053427, 3.1872780186270004, 0.23719166439074257, 0.004817617956878426, 0.7457119388485598, 4.239066212451403, 0.6459440088398429, 0.5674897580334274, 0.09964180475411517, 1.887637537909183, 0.144521350873138, 3.566255646915464, 1.6462957951452775, 0.21088028506585635, 3.7974369647163324, 0.09157210925696485, 0.013927163778446208, 0.01129810254879147, 1.9735553235830412, 1.028244255163961, 0.4591125543595799, 0.010030837361657606, 0.09334385165879144, 1.7975159242047785, 2.8774281803596287, 0.2784844541090806, 3.9993668669229225, 2.64061661191737, 0.08441124645340482, 1.111462541671186, 3.536379503312426, 0.4902021830648364, 2.081759177765501, 0.051800781302782845, 1.3344832233253212, 0.4374053626685053, 0.42729375559256977, 0.09792107788008574, 0.006205027141743321, 0.015277976330751553, 0.07340612652365966, 0.07670362055303391, 2.8419074452039323, 0.003167546665498213, 2.476614840390474, 0.4612339215456878, 0.6070835665094664, 0.05912639176017639, 2.0117534730871833, 0.36232329496879523, 1.338048928310216, 8.371519177546753, 0.021619501237775392, 0.3073807551732951, 0.11773855225930772, 5.173603718941299e-05, 2.933334572075876, 1.5688186561113857, 0.05548943214773614, 0.5574205575928699, 0.9439397871802833, 1.7480998449759078, 0.29835821620482206, 1.7265514165847493, 0.29550431622729983, 0.0004216421138710973, 1.2270865737264631, 1.0123822704101273, 1.6278633027370586, 0.01986625948446063, 2.2272486871148565, 0.04782894857336766, 0.34693808135537335, 2.939449924529584, 0.013923114498260792, 1.3819663141364582, 0.43719000814844006, 0.008713485674217532, 2.723504667220458, 0.016995193080197587, 1.2863949658230824, 4.673308599789169, 0.0022008035696248988, 0.08517959986268349, 1.178854251070426, 2.2182221551504253, 0.3820834002657266, 0.3232720492436701, 3.86935908759495, 0.8174635123848011, 0.8265436302612947, 5.920555536620118, 1.114619244565812, 0.014543027463810297, 0.16161722882618126, 0.42634257405150217, 1.1530543810998861, 0.931511221487736, 0.2279425076726789, 0.788347466807145, 2.858685925560662, 0.34007349509015167, 1.5638514939906405, 0.03741381428585712, 1.7939065032151038, 0.270629136976867, 6.07445488050025, 10.641691402658333, 0.11558993962744472, 0.35645439217009844, 0.5957817716162797, 0.33172528654155226, 0.12313218440039754, 0.00331933721554518, 0.7309859456211195, 0.0003282763262181686, 0.932095586657541, 1.5829161448087927, 3.6511634499347436, 4.588385852160819, 0.48042292017145344, 0.004919663149973802, 0.5958703764300535, 0.564290401680528, 1.0213494369979106, 0.20113571172825584, 0.08177664537930096, 0.5231708009196964, 0.012341192647947771, 1.2699863486714549, 0.1141427325860463, 0.0010486536201339285, 5.9092574649800085e-05, 0.047439522827590556, 0.042125649147977194, 0.23457625364754045, 2.013619025502981, 0.20553618768107268, 1.6944770186639933, 0.006469393707370503, 1.7205590091784246, 2.2488662692317987, 0.08630081428454589, 2.508441382814, 4.972939700596345, 0.23645705366627126, 0.4101583880817442, 4.3444685179171465, 1.686721084182835, 0.6380230677689226, 0.34846063652056636, 0.3450719953311178, 0.00036008074991212646, 0.004207954649293347, 0.09869402418945339, 0.08752113724201899, 0.6314066365423437, 4.025633830057973, 0.007807725455526991, 2.839399564678542, 0.08599604919870496, 0.20172145627180518, 0.05386449717850441, 3.594876555000237, 0.0002238104988417786, 4.266410088193331e-06, 0.07894686160668139, 2.226159053502586, 0.011652894687294708, 3.3530494073469734, 2.1874430453549607, 0.03937444083563811, 2.845286023642119, 0.9474049858701283, 1.3950301686556899, 0.13954232208636114, 2.4950299656728467, 0.0574990266964603, 0.3908733915734312, 0.19389137135268333, 0.010588109452953841, 0.604402291989167, 0.13596034207833105, 0.20997327371348048, 2.943068992429657, 0.15135567803651984, 1.6647228792119655, 2.976518853763087, 0.01614464210474824, 0.21490028072165507, 0.004203219036911893, 0.25195661093304694, 0.03700544928762315, 0.11701907310849943, 1.499413332216611, 0.0057239980524229584, 0.01009188646291263, 0.4442037301924039, 0.7606932842282824, 0.5249171274204472, 1.2157046197368147, 1.2090477285081966, 0.0006492226196632348, 0.05296855414326802, 1.2147544189248516, 1.01923132193595, 0.03378543497877375, 0.9207982968376658, 0.0010828548823324064, 0.4394689993796954, 0.9487865309830629, 0.28248255954094054, 0.9723745124373793, 0.13854915925068176, 1.101265860794553, 1.262499983013833, 1.6712092904157485, 1.7570928772541725, 0.20567448555216317, 0.5608099732271757, 0.8077005962618986, 0.8960618996889408, 2.1943358174204035, 1.1343951363698324, 2.9089758105094616, 0.5437780164202105, 1.9825771550557065, 0.2811037022967889, 3.588114335926652, 1.8457415412091633, 0.00010768645427051487, 1.0657265664972675, 0.3664070282672257, 1.3503477552589487, 0.33451778277336325, 3.47566754191395, 0.10736687794905174, 0.7397862285606386, 3.6045776506103695, 0.394451961366234, 0.09929358108844263, 0.43736104824246325, 0.07460937033027423, 1.5005751864822756, 0.07023871344027656, 0.09125358636402607, 0.1771267905343439, 0.3475248208194569, 0.000141115527380269, 0.07576838320771385, 0.5961292537982239, 0.009145413039668513, 2.0920016400879855, 0.23812324300048127, 0.024306304860680483, 5.170637770244676, 4.52851048211645, 0.6084136780950754, 0.9364304817997277, 0.12102964794435798, 1.3819407172359164, 0.11555242120544228, 0.03918429071716873, 1.5749163784335658, 0.0008496220214786961, 0.8330131732403885, 0.5376082735542357, 0.6981699258804785, 0.6573427007798958, 0.37474834995528056, 0.14031414912992257, 0.13546958310812168, 0.43422184418709847, 0.40721458516193093, 0.13994487778323056, 0.966489625362604, 0.6986821917365872, 0.6229419646759132, 2.442521786766527, 0.010985366479954161, 2.277835815870114, 0.2708135183106614, 0.009978135247482978, 3.2549515211281577, 2.3108762911422907, 1.3499772212446846, 0.01545319105865743, 0.020485038096108316, 0.30070796507199565, 0.24815748273118765, 0.3914042726631229, 0.37479513482776, 3.606607233827574, 1.7058803005112126, 0.9026795902265909, 0.9924401623235481, 0.0005566468387646135, 0.013781638396497785, 0.17994767908796916, 0.5122213126495168, 0.018164171675109617, 0.07627681855273678, 0.06896618953678124, 5.845231622241987, 1.2648326271388686, 0.09319382694473761, 0.2645583350575241, 0.006027247734229765, 0.008733294639099106, 0.19995827269571223, 0.4408479957382147, 0.5486731958748681, 0.0012986774599779653, 0.3876013579233634, 4.006003771705172, 0.6768890149573634, 0.5822522020473013, 1.283457784467298, 0.004457692675625225, 0.2696275159938366, 1.2133751420823962, 2.0687516071265994, 0.3473609896639726, 3.2955655589817017, 0.7618733363545894, 0.15112653354419656, 0.6402593324470836, 0.10438368045625543, 4.603749874556778, 0.5344355108337188, 1.4583218618434524, 1.2344276515565873, 1.1787428363101864, 1.2929751439523833, 0.5529179060078813, 4.555804707557874, 0.9649146634695404, 0.2593384092289676, 1.1658962183416928, 0.004019388322399467, 0.08245665308335884, 0.6510226290180453, 0.534541434393619, 1.0767478442533283, 0.2126069013567785, 1.4644922507139977, 0.27114367219221064, 0.09001976472235436, 0.02410160948723052, 1.0574450247294302, 5.426740784420832, 0.6642605921338953, 5.263527317584552, 0.22964121194708326, 0.3647514533999177, 2.2002821099332475, 2.020085640100493, 1.8010059060636137, 0.00017134278446178527, 0.7246755867665652, 0.06439011756555453, 0.21545608687612494, 0.7946901614856413, 2.7252707721815432, 0.6772014890386291, 0.08755447019218839, 1.9455307249469385, 4.633197656808532, 0.0037607496264842393, 0.5186751690111141, 0.041444027970462184, 0.13769746206150457, 0.5432817217925716, 0.6915365220843194, 0.06741878839632537, 0.002732479359791781, 0.04448677668347972, 0.057920212936873924, 3.6912133812961727, 1.0527487935479578, 1.6406250312441675, 3.0494179919742357, 3.4015795338233756, 3.5208145905023636, 0.10422999947164586, 1.2530554839611983, 1.8249874603983327, 0.03659748369355863, 0.10115987474949911, 4.490331704105592, 0.07052693209064678, 0.06635331898417463, 0.4474362857919719, 0.4180790791672989, 0.9486623259033766, 3.2986040479561236, 0.005410191170950844, 0.37419458503506753, 0.008335348718118814, 0.002257789192644991, 0.373892277131736, 0.08485108974365299, 3.9994998768923793, 1.1609359605465475, 0.18081754851082804, 1.8073951464505937, 1.2772190068642517, 0.3047685154193865, 0.628975136663073, 0.3899922387963447, 0.0408263776461903, 0.006512265623165754, 1.6704234672406313, 0.9073458743451003, 0.07984007162093733, 2.0188363635250544, 0.29947582587768834, 0.10254785570216937, 0.4820150654280248, 0.26949139878643275, 0.021301718945197296, 3.4377821556354706, 2.5532882635039664, 0.07907468242375405, 0.006510169018680281, 0.3943281468829663, 1.0421675755793454, 0.614626864501324, 0.9887554717070413, 0.01466760223538028, 0.0034062024206149353, 2.675898657336148, 0.07507414053639559, 7.414909658115036, 0.020549330044149335, 0.6189031794692623, 0.6582198404123023, 0.2797385367166087, 7.441039151040922, 0.3093712459396567, 0.003345953203131598, 1.157883462672634, 5.665487445807876, 1.067687055766828, 1.2804972012325455, 1.0288242706396706, 0.23176586573260868, 0.07671777613231093, 5.381729716041456, 0.5867389948548818, 0.4778120712786643, 3.4426318557195854, 0.2581843129111621, 0.5333697753296214, 1.2168334347952243, 1.309407893370923, 0.5421760959154576, 0.11522112129701388, 0.001464941324569772, 0.009609272834137908, 6.315156864743738, 0.9189373961621594, 0.06976614888825525, 0.7299254135645346, 0.27672014978898896, 0.3299527564446043, 1.0327409415963287, 0.1895276838532273, 0.3661627307370039, 0.07034170621505978, 0.804451233767955, 1.4315703116993372, 1.2135196403332826, 3.219383877567707, 5.966610714132719, 0.09676267488267083, 0.06113135079020065, 0.38264936531267896, 0.0001677988223757893, 0.010677613824458025, 0.12304259734693662, 1.772704422737283, 0.051265159244444775, 0.8153510686567733, 5.737055079892411, 0.00017154428700910773, 0.7538741285655203, 1.071629655254158, 1.3485740065451033, 0.8837598676111182, 0.1922473803045323, 0.43862574385766523, 0.0033459758490233015, 0.9586266804997745, 2.386276668327603, 2.620967282990776, 5.915395498342505, 0.19464344247787582, 1.8911257430600061, 1.1580940097934815, 4.232230543150158, 1.1233849691426314, 0.0055551521544427145, 5.748527757494398, 0.5162796375378049, 0.058573526282715026, 0.14277241520040845, 0.05536144717180529, 0.02994574250035304, 1.484155498023719, 0.40980407547847925, 0.25492441234020946, 0.0012619992747511318, 1.053184260081487, 0.0006641152930766664, 0.032724523350532185, 0.005628761292212199, 4.762993156237534, 0.7013136903805732, 0.18736448452535584, 0.023632981360194483, 4.967571438285204, 1.498198175777795, 0.19917512199115067, 1.3103865178157021, 0.03457297740536014, 0.6268890262266189, 0.39388716204232327, 2.518991075823916, 0.5436224579658827, 0.30578518166898244, 0.0006166986353287827, 0.05823252570559047, 2.0953509731965454, 0.15118212370354855, 0.17517196165457397, 0.05148794887187183, 2.6599054998469427, 0.6735488397434726, 0.1586559657022536, 1.5478289896794675, 1.0008175054382387, 1.7943333912556723, 0.2000994723923852, 1.8783754753048243, 0.10058166198575066, 0.2233300207014051, 0.14853489512640025, 3.3711124501620353, 0.6110619984996194, 2.6344006820184567, 0.04611698385563452, 2.3469074691312053, 0.10761487396096651, 0.3467069759442699, 1.333383266484605, 0.7169384257148207, 0.026682341850142018, 0.7707077305463111, 0.0077462460273984585, 0.5491259671790972, 0.15342326999010983, 0.8352763155627945, 2.8874508457159487, 0.121158307425132, 0.43376687845173695, 0.28091372318294394, 1.546186166380803, 0.0034892012404940612, 0.004447932829807212, 2.1857921241089033, 2.7769738666364647, 0.0967501746989048, 1.1444353691315055, 0.597787597268062, 0.8438202598105956, 0.10726271431106106, 2.61325151773243, 4.753795740900805, 0.0024376388030393262, 0.9262900086988606, 0.9765413471887244, 0.006247088490058152, 4.623598291150296, 0.8791987423766812, 0.158289103390894, 2.6921136701320623, 3.574946199095368, 7.21386787715265, 0.03394840970304142, 0.008699211225543348, 0.9543228390476677, 0.3207831222420802, 3.1889792131170354, 0.9995663321742979, 3.016403058323879, 1.5264173192602646, 1.0051495277904248, 0.06181979651022194, 0.01813167948615802, 10.713326483892427, 1.5978875330292097, 2.016397666828037, 0.1533525454623765, 0.49661165690565456, 0.07535454453908086, 0.3191745538650461, 2.436604393580927, 1.8897796618078155, 0.5466963460636992, 0.04966499197193248, 3.822918562522926, 0.29476384710275194, 0.7132503931327516, 1.8806044529137675, 1.9757673448868316, 0.13678251395193108, 0.04418623925187266, 0.4505000293553604, 1.8190801547828768, 2.548506054817478, 0.03143605656074088, 1.7282837541563243, 1.3316009439269108, 3.3427951555606024, 1.8344040678715168, 1.6847477914336422, 1.3097865801293065, 0.04458711682145039, 0.029551942263255408, 0.09875747603376538, 3.0088425305624455, 0.16689821328317186, 0.9470854951288532, 0.3705596107380231, 0.05143899852033081, 0.17559350953730196, 0.4524928527937129, 0.7858865721538032, 0.11720430475866907, 0.03923510121077357, 0.47012960747049926, 0.27747077079530597, 0.11430858766672178, 1.6601209830486967, 0.0033276587842405564, 0.009592067687233608, 0.032281942450778436, 1.316934424765371, 0.9016139321395815, 0.5753405050808282, 0.019529220885613225, 0.07395947599577037, 3.5715385561449984, 1.1226173483347812, 0.19947958597019602, 0.4518862383859731, 0.01742432311595544, 4.737435669988198e-05, 0.47966408030694796, 1.0094324913821133, 0.10070502540849283, 0.036657035441827746, 0.04606200332942139, 0.15067337889976715, 0.22491527090040056, 0.6028489420106553, 0.40999737221573856, 0.11060468501049107, 1.327594915981727, 0.4387275031409304, 0.0078959544234538, 0.15762673688703885, 0.011686038767027772, 0.060483525657758413, 1.9906039957556223, 0.3417083787368712, 0.2044208184928812, 5.89351372011359, 0.2179846235296627, 0.21892052599642783, 0.07261095663344296, 0.059068984635347016, 0.29934856565648726, 4.479749929214383, 0.8598312732382755, 9.39636343646342e-05, 0.040107896467957274, 2.3402963427731556, 0.04181176221207064, 6.58763213555574, 0.10729720203466397, 1.5601325769205971, 3.8369471092934018, 0.17763240115826903, 2.6236654986594115, 0.0108698376090989, 0.029994787796209295, 0.19868641131762171, 0.007178444879141161, 0.03820943857226371, 0.6814253081802367, 0.8273906884599679, 0.13651650231440882, 0.8732481215074763, 0.01709167390120085, 0.676095432409042, 1.8215001398096888, 0.08323430317763265, 0.0028167328091284302, 0.2630560334699513, 0.007939702338527348, 0.003950308340930802, 0.4020535246075071, 0.2685772920656131, 0.19099938960799037, 0.14942260748487443, 0.5891607868228665, 0.16807045320465178, 0.3436681819477564, 0.6368486478075195, 0.00021250752557616713, 0.4303220632707785, 0.015032001658412706, 0.2531014124850132, 0.5376912518738438, 0.6780715160685251, 0.06606327777623631, 0.2230114611581851, 0.037329090409425544, 0.4225941640555392, 0.581095201123437, 3.8809491374634186, 1.2204223801766867, 0.3471088951834836, 0.5142484849498894, 0.5394241722698249, 0.19127666492064926, 3.7261455128314735, 0.31465189364272994, 0.596106207654036, 0.022426758098737166, 0.3894616054580798, 0.32750882981488416, 1.056749856145602, 0.021487682506158075, 3.452518044118344, 0.02965174472875967, 5.197418457969563, 0.7902780407340076, 0.023518631531291558, 4.560000173255759, 3.092211742004727, 1.124402449507101, 0.014360522293422693, 0.04810964773302635, 0.5074684449607151, 0.026383133465134156, 0.1406553313784132, 0.06231095017146751, 0.31306467692298034, 1.071238547046056, 2.4405354765072116, 0.846127453221962, 0.12041444917523864, 0.005526587676184123, 0.02034291859636567, 2.8303575568019435, 2.5745507007387403, 0.002333791413143884, 0.27828203609015995, 0.9132470410287936, 0.22603295875320398, 0.1659402918717624, 0.3175647010254001, 0.36391682961464794, 0.9481633043356531, 0.8465194717378481, 2.192856326032067, 1.4133352759976567, 0.04917566036952903, 0.5724291396265353, 0.016180320468716026, 0.051067988204657376, 1.1056968789418917, 0.8999935627199487, 1.6001771631329462, 2.424293426946962e-07, 2.7756872926765808, 0.2861736471895654, 0.12567155014929762, 2.1823263979978433, 0.05393548266979181, 0.0122037441949359, 1.5157329246029883, 0.5550721214666112, 0.05211214525385641, 0.8390662141224512, 0.3283158445092536, 1.5543479401024063, 0.096269942182106, 0.12193218209717967, 1.3333354835646238, 1.0108748840123614, 0.0004512086567347364, 1.4933507254856706, 0.25310011441388164, 1.2816407860589403, 0.008815839318204371, 0.1924816201289715, 0.4436239800969696, 1.937849803246768, 1.029425143972559, 0.8642832222214563, 0.3279233051091338, 0.01499286453769618, 0.1630178693165167, 0.3511269740411353, 1.7147975423277717, 1.1792853332708448, 0.34942300024902195, 3.1344599639255226, 0.1163215552102872, 0.43955423705251717, 1.3390340104733474, 0.583028183121671, 0.3206996369730464, 4.752125691029039, 0.54861633265079, 0.02104478860173444, 0.016173082508847615, 0.20698228001876676, 6.218549119552724, 0.8461535501143762, 0.6299172458164923, 1.8828913959100009, 2.6375306870538724, 0.26744790325320816, 1.1449095026694276, 0.34097860662135765, 0.8293430187295773, 0.904824920570418, 0.08714664733482189, 0.03767006707683725, 2.0824497631274155, 1.1534584993689656, 0.4260617462745497, 1.7418992881722637, 0.1417228030736664, 1.2281686704061021, 15.871299511948656, 1.92107320028889, 0.6499083508573894, 5.659762508633654, 0.17034102499065315, 5.340767237943463, 0.006809001892243668, 0.017080587775867576, 2.172706162413631, 0.7042804135943842, 0.0006223415254895989, 2.3627214004715595, 1.191955252724114, 0.3190545135487629, 0.04155862945268993, 2.1847012805138664, 0.18949642029368283, 2.4685777153831356, 0.06195374624758961, 0.2983726973211824, 1.3373213478148347, 1.991601690763844, 0.0006943439676261713, 1.3933699006169538, 0.28107393934218083, 0.04523228821089632, 4.064338243382941, 2.476243797479209, 0.5499160593836223, 0.353170326042417, 1.0837988861657428, 9.441939380788499, 2.226387118917841, 4.284180089881199, 0.4925724440655219, 0.9886800979945238, 0.03605401157624366, 0.6512629162912528, 0.006695116530679483, 0.09827381814882707, 1.9100655358913141, 0.0339435140008305, 0.14338541221750523, 1.9090085488151383, 5.974505021985517, 0.3874278504924158, 0.16753043526280637, 4.12487741320388, 1.6099126287930596, 0.13403499688214943, 0.5881795028841308, 1.4416901311326262, 0.6066784280025047, 0.3262456188833992, 1.3072570289838288, 1.599837793388851, 2.432793027023315, 0.6493748010501085, 0.01752368848926934, 2.9689142561608097, 0.12300157669902402, 0.045658848799621315, 0.066125186482731, 0.04651450897685337, 0.07622403911481208, 1.0540572293458037, 0.023704626184161907, 1.373106892105268, 0.34291319646067336, 0.01950809684993629, 0.09409159288173546, 0.5526467298613207, 0.0017583385174982714, 0.12063499638508207, 1.0013793352022862, 1.853117662552417, 2.612770011677828, 0.21188830950062035, 0.229272777389611, 0.43262276862586413, 0.28324768086450963, 0.6088417573064537, 0.003508593302469525, 0.06954832295078872, 2.7307208760410222e-05, 8.394208146264859, 0.0003607610072190933, 0.5035329407214123, 2.029672132126558, 3.6065040504573966, 0.07997033956242712, 0.16072986540294665, 0.7161014176155456, 0.20028987092379716, 0.4415151653227331, 0.0004969815040088199, 0.5436316872902024, 0.1891472212697516, 0.0003444129833325143, 1.4298612143335687, 0.7452607892483357, 0.9321664183538876, 0.003389777320910526, 0.7611810087879942, 0.5432744642909355, 0.08337798246105106, 0.9257562980439523, 0.36447674938771535, 0.031268571419983286, 0.12990722173924152, 0.3744641476315987, 0.9742104097711234, 0.2124672715550961, 0.9791123031584004, 0.2739861399439037, 0.33699738548000996, 0.6582593485424209, 0.01416735582121899, 0.41190853583795123, 2.967617343724286, 3.141094245942802, 0.05626122739201742, 0.5120909419267501, 1.3042550397885146, 1.585157668305735, 1.4942941935169867, 0.22127407106898728, 5.326626075264712, 0.37415906835344265, 0.0007706620091113736, 1.8373642936346175, 0.5342255290060859, 0.07362850111427441, 0.9236078602382322, 0.7640413838361703, 1.5367103313028565, 0.2876450399274075, 0.023654857434914803, 1.284183527019106, 0.9345484915774055, 0.7075260091453525, 1.1443505141020214, 0.9832410008183027, 2.065408123570012, 0.06891820434851127, 1.5172368409594559, 0.36003704287594807, 0.34622373733290557, 0.16386859221106975, 1.1420045452662595, 0.9255255591668017, 1.8350576615627048, 0.050655489071518296, 0.7973934671316797, 0.3615596533960014, 0.11819351162065969, 0.9992522420030356, 0.18546958735885796, 1.9185112592316578, 1.184549332362526, 0.9078516807205046, 0.2961170997703396, 6.237018917385421, 1.2685726121714171, 0.5504678457976854, 0.6759166468595043, 0.5431702014243632, 0.0368481992228718, 4.306584574344034, 0.030471988893614334, 1.0457958433429688, 0.06226011014325652, 0.6256367482793098, 0.0025927500366598566, 0.0648561219824797, 0.013811949456557957, 0.7292904138977485, 0.26324135342323857, 5.855742865769514, 1.251051964751553, 2.8189695551724228, 1.9556036365284868, 1.596659709606038, 0.2771344936198443, 2.539708654053058e-05, 0.13166891092017485, 0.09878296367425227, 0.3780873951428285, 1.057512543029533, 2.3990127657615985, 1.5426619648570354, 0.016553532031432144, 2.405191648524374, 0.004918167012570879, 0.006293829567327263, 0.26425686318779545, 0.0038095592474512016, 1.377867499380255, 0.17836753841459488, 0.5172116528207111, 4.830551623740957, 1.049401815807014, 3.191167183072431, 1.3159106256323356, 1.0299657460871718, 2.732894160302897, 4.634963264233139, 1.3548451197912381, 0.4155124003788993, 3.2811060096331675, 2.0930160971340657, 1.0067741913289172, 3.73039825994553, 0.2999429575955275, 0.9115683773784655, 0.18887703030076713, 1.7168202271326578, 0.7437577905888701, 1.3951556344466922, 0.733577502158231, 1.858537806678914, 0.0023886383116250437, 0.7556468519644368, 0.004289020095110554, 2.4147276037504684, 1.981178558885118, 3.1113179141536556, 0.5971522075013203, 0.7694068865842584, 0.4922941348916532, 0.6552907014049969, 0.6824317216621262, 0.40822008077428334, 0.030611967455286288, 0.2320642893669942, 0.01016324861505141, 0.004847313545976884, 0.5272474108307945, 0.49742602524248386, 0.22020535949688527, 0.3373623622707323, 0.019127541902884924, 1.8079000724951728, 0.07055980998386598, 0.004453779630068641, 0.589114791593845, 0.08401992925995919, 0.1156847913937382, 0.6288953854640705, 0.017232514769935963, 0.5559308000380441, 0.31245687223265867, 0.1448243555955654, 0.19575898775044642, 0.4061198762633562, 0.01203792047678402, 0.26682035751669086, 0.9338819878070871, 1.870192997484975, 0.3733332618027884, 1.2142521665423516, 2.1188069992261944, 0.00012198625649746433, 1.3074671920383463, 0.29267686104201973, 0.4470313126099307, 4.310088167871175, 0.3041253482072524, 0.07303400477457622, 0.6299959739622383, 5.269266608458489, 2.238392078531762, 0.6392879597722799, 5.973437173292318, 0.24584091710491968, 2.7277140345017457, 0.006392267093459697, 0.05573584634247166, 0.9825712828579864, 1.5705366055203138, 0.1769788411790535, 0.010127316530776014, 0.04631781430588554, 0.9097904356879077, 0.9186237855418663, 0.07871773404832133, 0.5742652524152456, 0.013440151483988052, 0.8829950656916504, 0.9321525125860647, 0.5642527471880951, 0.0026797393914831593, 0.4667527659552096, 5.4223963161960524, 9.420550435677928, 0.6568330964618843, 1.674481765917322, 0.6115852669985834, 0.8879635963482214, 1.614123745307632, 2.294956319961791, 0.4659815250686023, 0.38738523382430673, 3.319791536356434, 2.092796513825769, 0.051338346048123616, 0.052322602540161606, 2.0894850389288644, 2.7956810918620403, 1.905764778916362, 2.1739301897044117, 0.00023852334001166886, 0.8227667183915954, 0.11483876141529459, 0.13583764393051503, 0.24093322791987154, 1.9302717224173525, 0.051429798183782245, 0.09278783228164436, 0.5061426537789905, 0.23537990994437563, 2.168942016888608, 0.004506344470279855, 0.21995392258096774, 0.0036618339370185766, 0.13896493989743441, 0.0008232357536926569, 0.07128704860432059, 0.014456755970830662, 0.9593676667527852, 0.0019433841571744063, 0.16446317129340635, 1.5170020767346266, 0.2696871198765177, 1.4810961729905285, 0.8428023536082911, 0.5707085847808973, 0.13266668601355316, 0.0196096547427065, 0.06477458620765186, 4.9714521042315365, 2.0344778239326238, 0.22514427944232188, 0.22953010145985134, 0.5233417246110097, 0.00789079643271752, 0.2849250225282608, 1.0171451058970125, 4.649816886031841, 1.4133674470977529, 0.10155661277229039, 0.2730730464750644, 0.46545987868569577, 0.00031563195071349065, 0.26692440375558313, 0.0704006365637664, 0.1617531698816006, 0.04056390108173376, 0.06883630525490823, 1.259015305935445, 0.028221599858503883, 0.4439803060345189, 0.4210833960064023, 3.388498656373684, 0.4167009459773607, 3.6111426883875186, 2.5236109266213673, 1.725877599421576, 1.7495790358784102, 0.0009432262127608551, 0.4330114611012868, 2.6988922710200836, 2.147786721449441, 0.461582514138415, 0.8699047254290346, 3.466670753932342, 0.24171378274039373, 0.34342585006000864, 1.4748648513977345, 3.3979816957303552, 4.259057537328219, 6.818042428724034, 2.990509551039645, 0.06601436757490114, 0.29883048311181165, 0.5826476668828, 0.09353075332984527, 0.04705743099207656, 2.5239717937273976, 0.02289936162790668, 2.1727562256756268, 0.45624485698027706, 1.558003757074579, 0.7749476564656615, 0.5439116668170036, 3.391158993739446, 0.00011564962702758174, 1.495235211341112, 1.2774751204714803, 0.06077967594359087, 0.4457464886287489, 0.2781792085575373, 0.8047342160498712, 3.0716284963170133, 0.009356173676174289, 3.1220865598105396, 1.332709387198795, 0.018664721047677975, 0.11713416262242472, 0.052713853242803956, 2.4307378686177166, 0.0570233491783472, 0.023088877938596927, 0.003108695371565049, 1.5478170031220302, 1.1270103766228048, 0.03352244897620942, 0.2729820244435285, 0.6398350660093883, 0.9861936466877974, 3.4253509918999856, 0.23220082604487682, 0.013069556815851318, 0.3585864169896342, 0.7737252293492084, 0.6401061441838239, 3.018414639296422, 8.338037071534604, 2.2706091479498114, 0.023339484478710013, 1.277889018555269, 6.464988676336715, 0.02876530776089694, 0.11952012740133579, 1.0825997422531948, 0.00779902844111714, 0.34559921250234044, 0.19624369550073237, 1.418510782935142, 0.09761719015818743, 0.0005950678979580223, 1.3747971352210926, 1.423921515703369, 0.07485392092644785, 6.988549455122119, 0.040266472908627324, 0.2829353172663494, 2.182138081457444, 0.0918550225816542, 0.2605277748057624, 0.9450713679024125, 0.20648676923089493, 1.3238853926540766, 0.024954043972038643, 0.15292722128256625, 4.096244596672288, 0.001169543729862321, 0.5222740751394331, 0.10442732320580593, 0.38812198063756465, 0.9772041407645193, 0.32678705403001784, 0.42148103210851745, 0.35353050628162624, 0.01505066073511968, 0.23368918503462205, 0.805450210245315, 0.5667740282005154, 0.3140730263668505, 0.12997067379901828, 0.3425915904120412, 0.02137491933579956, 0.020745367690168187, 1.111630014999989, 4.042174109935979, 0.24649356583147408, 0.18793542357420528, 1.8063207503130942, 2.4600956975414463, 0.4694325347320115, 0.6085665871434125, 0.009690473903042446, 0.5259967719707817, 4.495548524981802, 1.1743107740226104, 3.2369312056822417, 0.4657149757694408, 1.6170707191137803, 1.8220552476893626, 0.37453244705677374, 4.065348753636411, 0.6060253107034691, 0.6910104848726012, 0.2504104507009574, 1.2492731547656248, 2.088806325348355, 0.1436659010113908, 3.2544209563993953, 2.937303402201792, 0.013218458042550837, 6.072275767008999, 0.011570588459409194, 0.36610283384204223, 3.3781740112096603, 0.6352723452779333, 0.00014394773158937652, 1.2489287511364018, 0.8734713095990411, 0.3388143941745521, 0.6037138156847422, 0.4930099144035891, 1.7303297983336043, 0.15140582627707497, 0.4383248490557448, 1.6365623598863928, 0.04018189379026043, 0.472032244782968, 0.3451799431193353, 0.0024780026248694613, 1.5244221160629485, 0.03026198090738935, 0.13135299551279847, 0.7451386092067078, 1.0109784518439977, 6.364828865652014, 0.11927463600113175, 1.7790966907637948, 0.04057449158627831, 0.8071116365640963, 0.9901714554401555, 0.273053607529527, 3.045272458945471, 0.00728196231198705, 0.3151112372697071, 0.666880850433475, 0.2141069266171753, 2.0016779380384806, 2.0383311176086605, 0.30376011469404224, 0.06925994175657708, 0.00870763852727253, 1.0761632267519774, 0.7162175376770565, 2.0077408212844214, 0.00015112898666563626, 0.6215173442881439, 4.572027852823456, 2.343220022404285, 0.1744541963791702, 0.1025185302137598, 1.5209549642153786, 0.2862571716766238, 0.27798895998795087, 0.3868609868565932, 0.23022075512491352, 2.2550536471560103, 0.040501397101147855, 0.0862467689866001, 0.17413698876598246, 0.23379888096483292, 0.11208790543265841, 0.28620801229565956, 0.5463215310843392, 0.1575974836324327, 0.0327789893820814, 0.005700982699800386, 1.2127652423711914, 0.0892368504168109, 0.9429839987847624, 1.4093415331034682, 0.029120546003556298, 0.297931343847058, 0.1375219351512826, 0.22368585255266, 3.6270310381916646, 4.983192464753169, 0.03399598331275228, 0.02227960923356763, 0.3481477932807948, 5.382575283694252, 0.004047270921089258, 0.6771386121328433, 0.724785712575157, 5.568354125916126, 0.8746345262408095, 0.5153265831370514, 3.7942982412841646, 0.08681946100073092, 0.13299626357454147, 0.024222483788509466, 0.06137485078765303, 2.308774283040386, 0.00039845455112562584, 2.6358618534889295, 1.4316092573119148, 0.38667465935644396, 2.2048825994822634, 0.0003232637633668181, 0.0004140660433471302, 4.325954236254111, 0.9052513259108769, 0.2294971998948195, 0.19878732730124343, 0.007657394023910513, 1.6202630308936554, 2.4612119444856284, 0.8439491934262099, 0.056764320539502325, 0.877193861436132, 1.230070702439748, 0.137883892893502, 0.699642434607918, 2.3427393507331518, 1.2002022434998119, 0.04675170543046987, 0.02983763714543183, 1.1423970502873182, 0.017334382303805112, 0.28623312447611854, 0.16899527682408894, 0.4260618773666875, 0.08144923171206261, 0.09162158339202267, 0.15319875220948465, 0.08976299995319269, 0.980092784739923, 0.05660151626159915, 0.3242299201955734, 1.6816940385279078, 3.6208433691550748, 1.8345466975336067, 0.02361884742432404, 0.21988818214987393, 0.7678006035656055, 1.5699675657206473, 0.11086317592780522, 1.2958629428387023, 3.6982509713212086, 1.07017960483132, 0.3936425553608597, 1.7921611306251684, 0.13142142330186346, 0.37378050395691786, 0.12293954806412087, 0.03232336209114146, 1.3620483919091322, 2.606834686741719, 2.3278091549547155, 0.5865615958187266, 0.020835834799425964, 4.960413457017577, 0.00019682404101301274, 4.395219596163286, 2.193289628017614, 0.291760620143058, 0.8530350771253393, 0.002476461487281005, 0.24659309340352206, 0.13356749181158709, 1.8931646830734357, 0.005528812847238872, 2.242319555388711, 0.8407254901167606, 4.7908063326442845, 1.3409381151069526, 0.05006903678283675, 1.1389327722349953, 0.003014452016716503, 4.76746159804649, 0.16727276570331356, 1.261704404955644, 1.3101520348260958, 0.11680932535909586, 0.04501054495748732, 0.007376595420044788, 0.2485353231332249, 0.0230927238805452, 0.1508966978832347, 0.09435802260540672, 0.29073159489840056, 0.7685238349130215, 4.537240543814265, 2.1328186046404554, 0.856625551140344, 0.29635595131649195, 0.7129004127481099, 0.07686612471338483, 0.04931160642348044, 0.2880034205679909, 2.9018998720679607, 2.241612870551124, 0.3099071919233377, 5.671255522316241, 2.427530346226402, 2.1203885144422236, 0.6144889308377461, 0.4161093898370976, 0.6143551759327811, 0.46639902822450335, 2.4331637162941853, 1.573696276936996, 0.7457283198384588, 0.0068939706784429695, 0.35209811855265477, 5.094913467141853, 0.07029051983938205, 0.3523922816829785, 0.19904668189965352, 0.006686259581402029, 0.6908028561410258, 0.3259842014377575, 0.6770506356899042, 0.0217028901844411, 0.1793330812775972, 6.450262501640848, 0.04036119057214497, 1.2241198856102309, 0.1885646146353278, 0.08150113894348042, 3.5646666086443957, 1.7257007545592111, 0.10495625911460942, 0.7064380111745425, 0.800795286172826, 1.6511713418876899, 1.5867699316966006, 1.1779512344319467, 0.2714828544012521, 3.2887397460497696, 0.003529349904022407, 0.12373376626730032, 0.4609551737883038, 0.2335984407262139, 0.6386753648182644, 0.06832205892977938, 0.014702245244150964, 1.0076318066261822, 0.18412372401093433, 0.20718593808188937, 0.0026008744345774014, 0.00027347798968469503, 0.16022270663081997, 0.13990875871119554, 1.8034624810202668, 0.07827346786252308, 0.08834529524144884, 0.028480904410775, 1.316324650093032, 2.760181062154971, 0.6468755918611399, 0.6657024851481985, 0.004232484067125399, 0.0040024234570328115, 0.08197885072689523, 5.215727283678444, 1.8344462483661719, 1.9159185057510417, 0.3345631610734895, 9.209141719374465, 0.6352843098543774, 0.016489991222780075, 0.24838612499236515, 0.0004778875484522563, 0.0077581543447372316, 0.08221967242228469, 0.19809066057858243, 0.2649258057770798, 0.5836648169426571, 3.3245392497212456, 0.28006480255773597, 0.2743519600439398, 1.877723765477982, 3.066554160997361, 0.13279295144114206, 0.5004934901281027, 0.029676805894072764, 0.23621729016512077, 1.616050868408521, 0.10074573843122478, 0.18037147284589536, 0.11732074832681505, 0.33486175334094903, 0.6517508216209994, 0.679750258246187, 0.0004268694952768513, 0.005885434257723855, 0.46020068937512215, 1.2526419006983445, 2.0392932200245157, 0.803655169336371, 0.0016717778292361536, 0.585536837181854, 0.2434102532319535, 0.06184544544942618, 0.05918194793875899, 0.8739433600925829, 0.053911981695459466, 0.10305797172856422, 0.0035397378211731324, 0.6287315260800399, 1.141511249691453, 1.0546438692686841, 1.2341944142757542, 0.19553082559076346, 3.6393186953847896, 0.612068369799037, 0.08857110491088284, 0.20499091587576032, 0.26661731511937037, 0.00769539669805587, 2.2164122378298874, 0.027333238276299576, 2.3747079538442963, 0.016778700723816334, 0.20340635026116105, 3.3559398635809123, 0.07149616367522377, 2.7097995315113814, 0.9242576901842742, 0.16386382013668582, 0.6642519464132379, 0.10209442364642227, 4.072887035138977, 3.2725463058611153, 0.09429524620427607, 0.047672833111883986, 5.035777849817051, 1.3057106556565894, 0.9782796821341234, 0.0007550405419995113, 1.029468008564161, 0.027501675348484134, 0.015059578030050593, 0.040534452995874, 0.37643349490540207, 2.5406097936768517, 0.001870679311662935, 0.005709412249282224, 0.10420987417437251, 1.5983902437685926, 0.3088844381226915, 1.4342456758179072, 4.045402892162744, 0.6454765806810875, 0.029460828375838098, 0.47245039409501977, 0.027257005880301482, 0.7737208184211368, 0.29813559117413807, 0.7758783398697608, 2.798941319769648, 2.5518781968898687, 2.3205918422007, 1.796736639271554, 0.0037762836051457574, 7.501622225896087, 0.08217688056346764, 0.001197254033029933, 1.4093284345134278, 0.031816261547874876, 0.08599615325106096, 1.3063449659639348, 4.3532892542476835, 0.4862153221227641, 0.1711769490887455, 2.837448307661545, 0.041438344875111444, 1.0131393192811684, 0.23940579071121063, 0.007271881215097099, 0.015251125761811465, 0.000906010796190475, 0.519381527323575, 1.1755045506715758, 1.1068329420230443, 0.0464336460094665, 2.0826426359377783, 0.18906734976133888, 1.3705728503114107, 3.982903633686521, 0.4790358962491254, 0.10333356044984528, 0.03444194591418155, 0.7950746374810201, 1.3660366786156886, 1.5659209766725364, 0.0020156218636201645, 0.07648112029555819, 0.5454756507543552, 2.4904555820045786, 4.110976968217543, 5.120004280383747, 0.05395085623959373, 1.129357344606777, 0.0306918592149829, 1.9681436880200158, 0.3944726253097168, 0.04452050184171983, 0.5878919781838017, 0.34053649077926035, 1.0054588712359815, 0.00010815105034270288, 0.47866942264755996, 0.4828392291310284, 0.3462469064799957, 1.2433651603074045, 0.5324773958541955, 0.4138539001546005, 1.6988887684034595, 8.861732162608022e-05, 0.5152684763517856, 0.42552472817190506, 2.06692312285076, 0.04526929506644121, 1.4781628278579069, 3.3210848865336713, 0.3721443705314804, 0.2978741808572881, 0.87256965399998, 3.2434364227133123, 0.046713631432571484, 0.7287124573013389, 3.1726766282519954, 0.43663550256548084, 0.38436434316318147, 1.4914151934565478, 1.3793582330079066, 0.10526425248797029, 12.100990457610058, 1.4120921264795365, 1.7973836760362287, 0.10228459643695226, 0.17851285650736595, 0.48121148155728005, 0.018239341437933078, 0.5238124509928115, 0.052388196290829595, 0.0003593394229351114, 1.238742973978133, 0.9429567074603502, 0.9573522717911604, 0.06786379329506975, 1.6131676465801719, 0.0972591088395122, 0.09855865058153448, 0.695385793729662, 0.01600082301271567, 0.1313350659461794, 0.0032292947877590656, 1.70042394058393, 0.15146177555168117, 2.560089534046385, 3.4301383919197987, 0.5640149839735475, 0.14106672105835905, 0.04313376939528627, 0.15113952225812483, 0.05157640343154244, 0.005846685149199103, 1.328486193797178, 1.905720744333627, 0.008689097278155852, 0.6204015492214515, 0.23673041993009827, 1.6540183965899877, 1.2204584396173759, 0.0412242381592442, 0.9839123611060842, 0.13522780881611568, 0.20439540045873753, 2.906226859143288, 0.34267017882280293, 1.8820449253234004, 0.03884613029585533, 1.3728961435977434, 1.6774222501491807, 0.1987576711214675, 0.07049756472406686, 0.18780872520654274, 0.7482629231093922, 1.8136491336753529, 0.07636070169293255, 0.311406526496071, 0.5845755729817357, 1.235532696355717, 0.5644979953541337, 0.257931157179282, 0.23426004533170958, 0.003918099847079509, 0.1313994429337973, 7.672718520624132, 0.025484030265859717, 0.009718776921663033, 0.22997763272558672, 1.610716329681596, 0.042730144468976404, 0.21259279440190282, 1.5801623378304408, 0.0016418589106249244, 0.22716373974311282, 0.507802639496464, 0.221249744465003, 0.09355461982614414, 3.4919263501201487, 0.03529469393481737, 3.603522464968238, 2.4427845389917198, 0.13286811319935826, 1.420163747983072, 0.43460659387876366, 0.2848087334255388, 0.3901798022665702, 0.2718786692395222, 0.43675464197251684, 0.4586253436889488, 0.13349544447694212, 0.7869773111908268, 0.041687730027011254, 3.087284788279646, 0.9241793946587078, 0.09300776342251206, 0.012491461730811492, 0.17270350001144413, 0.4736827306039773, 0.8281442532766897, 1.2097498042967347, 0.014748871338780896, 0.3499203652576545, 0.4134964691100931, 0.08953336340917141, 9.216137020427619, 0.5742698448173134, 6.947885963855807, 0.28719350174654934, 0.3926762302046701, 2.817852447458822, 0.0022213602488836436, 1.0207190644477666, 0.12489268831787166, 0.007708717994179578, 1.3805487800395737, 0.05298659666900982, 4.579528355140308, 0.26916723602514875, 2.1732667613690504, 0.4862014922365853, 0.7445896873256374, 2.8923327065748436, 3.306534271452592, 2.436881891202958, 0.2697834247504524, 0.2541064408332419, 0.25153885762330414, 0.016209598840575403, 0.09311086443280799, 0.11232190318576601, 0.4831495542302066, 0.11112819260024537, 0.2146197369696204, 1.0376745636123674, 0.02268162231295462, 1.3182025021732984, 0.6068923297441543, 0.4419872510559911, 3.0750854093699815, 0.44039739922115034, 1.6829285097413487, 0.009120314606056203, 0.7013157611625821, 0.06472278927212319, 0.7207296741223425, 0.9344685852143763, 0.18624857179082174, 0.23111692387557747, 0.1857612667993714, 0.13904729018453071, 0.002296329835879659, 0.18528517819120288, 0.9255402518155714, 0.11151642348216351, 3.262477939164406, 0.5204435791038929, 0.0032801487476494307, 7.096612135471979, 2.4140260810113072, 0.006010908754974512, 0.5955235003196525, 0.04385920395430612, 0.8786875431359392, 0.5681852452408076, 0.4453113298396765, 0.3346742047153807, 1.4523639342508692, 4.0950877522216205, 0.3535288795299318, 0.2573268760822019, 5.43436147992617, 0.024238307823114633, 1.3739930031435237, 0.003147283386592714, 2.004303429428766, 0.12480766509799116, 9.145108324550437, 2.2686637729845636, 0.03703627367046445, 0.0024619364409886445, 0.9766909063065186, 0.35595333013244496, 0.4485198029808333, 0.5316884501606821, 1.926196238949268, 4.115328259859532, 0.12473107041793291, 0.9970872073488769, 0.44942737606849603, 1.046703218706716, 1.0896088649015618, 0.28023345540011485, 0.4948785789343877, 1.4322769520712784, 1.0234735260090653, 0.000408155958629259, 0.021852938364581603, 0.44788964522834984, 0.015223472561174341, 5.713809707653666, 0.7354435946133889, 0.34988398868867454, 0.8358584600105008, 0.4985959582257666, 13.901900300732837, 0.7987750889543868, 0.5553506178369415, 0.30221951418507115, 0.8458084184170505, 1.0448762247746048, 0.010409709325616452, 0.008122092417440954, 1.9326656721502804, 0.23635079502951414, 0.10575416935976054, 0.3621052150728523, 0.44073422102049853, 0.019613914455651145, 0.3969556389596679, 1.0919227720132574, 3.1019296922653785, 3.1572912315674917, 0.0006034086299273592, 0.17526047398841965, 0.8601560277939477, 0.20675329949180757, 0.07403009493724588, 1.006673620919912, 0.5859117930519337, 0.8793511496680047, 0.0039010974318764344, 4.005841366734807, 0.3289389033163473, 0.012888964541574172, 0.1186447956442403, 0.9389496460860643, 0.37844405126964026, 3.250856896475646, 0.06215887185038902, 0.4150674680294016, 1.05329308505824, 1.2409038077505483, 2.359142572171269, 0.3743770411622489, 0.1564299058018086, 10.159960867354009, 0.9272628138051332, 0.14643690737053008, 5.426144759152031, 0.02022069842643307, 0.3702992161686058, 0.011950363535143413, 14.420054903725998, 1.7564059422189902, 2.314168336749208, 0.13455640092100357, 0.2923201051335364, 0.2318829626425322, 4.338435464819824, 0.39286686088846756, 0.030656406274657082, 1.1220130113875224, 0.0006447459566930516, 3.4977008627055435, 2.9292494513742544, 0.5358529413343194, 5.355739375578566, 0.2628721443329107, 0.14833561974247264, 0.10548686830330409, 1.3372602981930857, 0.08849702468910386, 0.06854266270982279, 0.31428937973899057, 0.018332437821981733, 0.608061515886311, 4.6892049179032406e-05, 0.056099129177561186, 1.3827228789427508, 3.1552329245408877, 1.1790421003220708, 0.03761314504518708, 0.2631701509560307, 1.3273324220078588, 0.1879842469081111, 0.005507968141167477, 0.02693315856313405, 2.1787008355231183, 0.7557045362903265, 2.129833803921067, 0.4517055338031576, 1.370894771100283, 0.3789743508854657, 0.0034046030449882956, 0.02310971858351813, 0.016011035225748763, 0.44053543629962033, 1.5175567456023602, 1.3060696193151236, 0.5159526141847764, 0.17552150282959725, 0.3224713795258846, 1.5747707898670913, 1.1869166573208443, 0.6208042418328347, 0.037999310361381426, 0.21601775863877282, 1.7390196345794995, 0.07995809769257266, 0.21467919865491666, 3.6064254564064284, 1.8096785155748387, 0.6398747105193178, 0.4966858041445772, 0.6278537600567412, 0.05193604329508399, 0.46518243010481564, 0.08869418199531506, 2.9080583475252078, 0.06509826526567608, 0.049037470428210946, 0.06785389034808764, 0.10590842355234102, 0.15168853755706746, 0.006462576029952043, 0.5544127249704203, 0.6461404015458396, 0.2706002083967883, 1.6750431472037872, 0.29462629361565373, 0.2027396843969165, 0.44201831750631587, 0.6466660245710869, 1.600715492938218, 0.02213865069722231, 1.6442767534725404, 0.004940265330566598, 0.613040876228909, 1.505634811089907, 1.3454740809152113, 0.37692750408876, 0.0021239235121611765, 0.3169628779532442, 0.6057601725269218, 1.1625118408008583, 1.1031399106813702, 0.9936246641043751, 0.13931890855824425, 2.3962055235424686, 1.8661682681056426, 1.4538449601290713, 3.0794274185663615, 3.3584279575360196, 0.0029728498223185566, 1.73891058263881, 3.083204003416971, 2.635826871902138, 0.04904692177096102, 0.39798636428240475, 0.38270493786519, 0.5424880239901068, 0.02352248735500983, 0.2506448716714092, 0.08453597705546032, 0.5665378926450727, 0.39709277005543164, 0.0409135735746244, 2.197700873071515, 0.10877072151214584, 0.06854419007520489, 0.5731613748789287, 0.2822866601945089, 0.9571760126379375, 1.1760850382290107, 0.680059934348462, 3.5989531333675546, 0.46403984969212125, 0.008715936865214833, 2.2491053848468865, 0.14621102076043963, 4.034920551596219, 0.19662275608546084, 3.26319707314254, 0.017914261520282783, 0.2604620343399889, 0.007975513599582647, 0.024024047851392515, 1.6561049093447775, 0.7169383758983715, 1.5340154439974572, 3.58123729371765, 0.30808567527222186, 0.0020149744961456533, 0.17038827100961623, 0.330702761935221, 2.469957582709725, 3.4653030412218806, 0.20783268614774947, 0.4224890516276366, 0.9753875841596289, 3.3191566510983845, 0.0025093240901186043, 0.34271559491416576, 0.1595463473992821, 0.44606125330450913, 0.388535624925904, 0.010628216624982348, 0.8713856240320054, 0.5126290193415839, 0.6290344257467468, 0.47066852076041166, 0.9913593907064027, 0.3541057090136804, 2.8669273615213684, 0.14741040490688814, 1.7160332766173616, 1.3028621970338625, 0.8457181376846096, 0.026065128295336876, 0.9789160486082618, 0.5125226529334981, 0.06602540674623393, 0.7706974708338642, 2.6189175278137973, 2.235088375380666, 0.006550241027459592, 0.9535547534958809, 0.02072987644533528, 1.9929896782093244, 2.927954849649475, 0.07067029615402688, 0.019366476661587553, 2.3588346077549125, 0.1708238058714981, 2.197747135727306, 0.05415891801961315, 0.08899265000601986, 0.16106060785100945, 1.4840910962527938, 6.045053125397477, 4.809936611878843, 0.12507387238398704, 0.06631301876211783, 0.0849957490125634, 0.187321824876656, 0.0014932579112793094, 1.0542312194407288, 1.7133944297733024, 1.6405669647661023, 11.592596247388885, 0.056222871656900146, 0.15387323662358646, 0.632452723385513, 1.793025870465741, 1.096604690405366, 1.4024485821014818, 0.362096166046769, 0.24506264347811565, 1.0523638040536114, 0.24858747208264362, 0.09562712922990506, 0.07727953807493261, 1.3071038471419998, 0.09416033946817419, 0.1428165463569006, 0.16734022081081434, 0.021762956498881287, 0.9744549728991089, 0.220639010550745, 2.4668175062810445, 0.0002449703438858475, 0.13670177825984253, 0.00741347210255008, 0.41235838770058, 5.410799585255597, 5.183592677818281, 8.620452411190852, 0.23552160880444697, 0.547170190705066, 0.0018988622124708886, 1.581184770540826, 0.40809764716767644, 1.523121484519763, 0.07627222038051654, 0.08727749610895136, 0.30943776295539605, 0.19012015695380308, 0.050204448526137264, 0.12672638495545893, 1.461575275206827, 3.2599522663571916, 0.299106539505051, 0.01947524661380781, 0.00022244658343754023, 9.279246523348352, 0.5730804421604123, 6.784454382329518, 3.89641697471391, 1.5691714271126598, 0.7178918330673323, 0.005351965676132181, 0.2854568451467223, 0.07861283274691162, 0.000626265628964417, 0.2657514837773449, 0.17125109396264543, 4.68068925394848, 0.6410249520703709, 1.4971051904569546, 1.1596049195632896, 0.7792299451880729, 0.2592990723122914, 0.7695783281572628, 0.41353017993738084, 3.283289440357169, 1.1025536135604717, 2.412117360227264, 0.34544533859979454, 1.8014430471420557, 4.43960123964825, 0.3822058386450723, 2.521535566673348, 0.148324695154123, 0.0003617347667194623, 0.0844762505988947, 1.776787582401346, 2.2737035985409944, 0.3891176451430446, 0.18706906712950533, 3.0424110165118154, 1.937511521535067, 0.35854891305943665, 4.918003158340074, 0.6715902721798115, 0.00753081309203643, 2.0417126403778023, 0.012556991950311779, 1.1205659447200773, 0.11756120351432071, 0.25094051877456774, 8.563664353877745e-05, 0.9534952086940417, 0.19818798921772662, 0.5264325904402779, 1.0685601740781412, 1.0052148620001398, 0.011988852929260413, 0.09038640515807429, 1.9274430092837493, 0.04148505861987193, 0.00026756131961063275, 0.18358488130465964, 0.7343679860212333, 0.07981396598048571, 0.5701745101092672, 0.7533624595031647, 0.2990425756248, 0.16222420163381376, 1.7422153431030383, 1.8631709443031765, 0.8679707479810415, 0.014394358901595338, 0.3694376687638656, 6.104576891447449, 0.008003744871738721, 1.8672581541172883, 0.23082658975830175, 0.1696794246088307, 3.3959176803728397, 4.5343290555311535, 4.490674939714229, 0.00045564870125601936, 0.8215841216271773, 0.7824650781119038, 1.5142510644247398, 0.004572298191908813, 0.10737673037324995, 1.726931689155837, 3.212938882755034, 0.2352138293783223, 0.00034434511448490205, 0.03684382946468449, 0.439701715684608, 0.3360747074623155, 0.007962267717122305, 1.6297205892755244, 1.0673700654974703, 0.060024520904546304, 4.10598300077571, 2.752311786475077, 0.5253102230199034, 17.900708629160665, 0.02743020025049906, 0.18890673015997542, 0.9667968312611946, 0.7158849960760627, 0.0486279736964004, 0.5607271924466964, 0.03462123491894062, 0.9023470494267759, 0.6346930410984223, 0.7296919725831575, 0.015044229349159999, 2.06522303477656, 5.469264570282491, 0.3998798860996251, 3.978258124008942, 0.030662481121058807, 0.4138204408619133, 0.8817387852792886, 0.042256381311459736, 0.15440292827133684, 0.1969404406500673, 0.06771579475603805, 1.9555361875711081, 0.03525679196995239, 2.167596824744391, 0.3337826267260239, 0.007458090695981794, 1.9538900184202823, 0.05755476506199156, 3.2462501786282396, 0.6833771148550658, 5.261728845543796, 0.1057882707508729, 7.505237774836621e-06, 2.819324539774217, 0.10635639212679897, 0.024204759972764008, 0.7577657304399181, 0.39503956772526994, 1.4300216512214616, 0.010854759009242468, 0.4290672858252139, 0.6860485408470292, 0.1634848593219908, 0.8104082998076997, 0.7182082318913158, 0.11822655083153054, 0.03751029522241987, 0.48550519080984683, 4.312506976639028, 0.0214207258759212, 1.586520734270868, 0.08194332823330325, 0.0202901194171477, 0.07219098113930666, 0.6607488496750785, 0.3783233402584893, 0.7886187652250912, 0.04277238727015365, 0.003076253642121617, 0.4148020020415914, 2.8933544400923354, 1.7740382281187395, 0.926819284694642, 6.715977644943535, 2.121778640060032, 3.2967450614424485, 1.0671119925846024, 0.4230586207936291, 0.07286750959069813, 0.022421196577981816, 0.8355075844095838, 0.034230376114635946, 0.11214687223028662, 1.6499404017054256, 4.741861977276182, 0.46825075024147517, 0.31124762951444684, 0.23761884117017928, 0.6388028738857053, 0.6294254118356984, 0.00035221576613130495, 0.5783383518186228, 1.0769468688073627, 0.3814388989595711, 0.8718573266710716, 0.013576887051301768, 1.8427345661715597, 0.5536130315005616, 0.03998386809443745, 0.6428092189451204, 0.8750912990278581, 1.9174990918115045, 0.0027196453407928884, 0.004535429184165319, 0.025311601763229614, 3.0103493915472996, 0.5696988157275565, 3.169620509644067, 0.009807084073527612, 0.005328143994906745, 2.037885548226114, 0.7503332925102228, 0.2759633733470185, 0.005674128467868051, 0.7874459061547111, 0.7366836597631333, 1.7453130134383996, 0.2018444424983896, 0.43930638860735316, 0.5857776728780696, 0.49597962118815675, 0.34547055903381063, 0.00021074467107023471, 0.02955924040618913, 0.04041602894817403, 1.2524962956830623, 1.874326260405124, 0.036022512961612435, 0.2761168188008972, 0.02194519707997945, 0.003301523795752728, 2.12969873790443, 2.0907773461696726, 0.011931442558068803, 1.2232864674143284, 0.6830837090735308, 0.38933884602174107, 0.21918310893264858, 0.46217898466430135, 0.1616514268955657, 1.035856886386957, 0.7369584138076445, 2.521316927029607, 0.39722682178683233, 2.3207515381813515, 0.2752757947450257, 0.016629915159581538, 4.263628718278404, 0.01980475279113816, 0.2761813449404122, 1.6574693103090028, 1.9438505479031392, 0.4387501045184754, 0.36061062842960884, 0.01897539868768947, 0.8944650057238216, 0.34930835182424014, 0.09798021923344462, 1.1663605473741585, 0.7167216740061205, 1.7300618305951512, 0.015230351270357281, 1.2237827659112182, 0.05108422746355372, 0.9858331470235642, 0.046546147241596836, 0.27494820287959587, 0.6665451967873188, 2.4864155984600815, 0.1473600113764908, 1.0817857048804758, 10.732706476767852, 2.9529717754937406, 0.9800995760637757, 2.312727262715068, 0.0014718151405434404, 0.2229871510665646, 1.8142694312546772, 2.728366538907329, 0.008346355991957486, 0.23959707909647862, 0.0010584381389209274, 0.39593612430244346, 0.0213868964718689, 0.02251534200757754, 0.03244025081698962, 0.7649432293521957, 0.7281461786915019, 1.050866918565799, 0.41950011035293233, 0.04015529106870946, 1.0431969369849399, 3.6995510738587303, 0.9503951261462807, 0.09205785766253276, 0.19500444302442, 0.001217848466166824, 4.743336596486109, 1.3308302637371936, 0.0004590075898939307, 0.2692823823082208, 1.1080394675949228, 0.18173804818912329, 0.03700821140076271, 2.6214653712442035, 0.31476250205621026, 0.23677234341718803, 0.9795400785970863, 2.494356701682149, 0.01696098603491679, 0.050356128351481275, 2.3976336198672636, 0.607138290513317, 0.7898771327420557, 0.4053275788438968, 0.8626633432040148, 0.08914425277427544, 0.00024086302042994594, 0.3201910548269456, 3.3864632196104303, 1.2069326774169742, 0.8101964518822767, 3.3534607622888264, 1.2302769858869083, 0.03894275131590746, 0.21362457361847229, 0.18921436248832074, 0.5526011426878594, 0.8319155024123324, 2.665350208504066, 0.8405322044462746, 8.247100777348741, 2.9376203273479, 5.007629076623643, 4.748534296446458, 4.659818963953889, 0.15427149993343614, 4.6412195946047685, 0.031006341506016926, 7.400133763522637, 0.0013000115065827608, 0.15213609156476118, 2.8245902930412417, 0.5019756204376947, 0.08289092485257399, 0.45868544498018743, 3.999254186392397, 7.851888928398046, 0.027320283079810045, 0.03662467889454343, 0.13755685678302884, 5.374600164907578, 0.24153770681935263, 0.010178737566356327, 1.169815730903655, 0.5851229035845584, 0.24307294437532895, 0.754649342809233, 0.06259225276473909, 0.8373279873761931, 0.28331054856569865, 1.9268130845694689, 0.10404692605262467, 1.509191721085616, 2.652373173264126, 0.8882230150831005, 1.1597969208125736, 1.8889433705874892, 1.0371474560391023, 0.0004382165239843183, 0.1690390071370075, 0.12264471387824803, 0.11458826653918246, 0.3852277062953526, 0.36887468331844536, 0.8361066965009313, 0.3671465360132322, 6.957289529752438, 0.0017941880248216015, 4.159477191667667, 0.15394914561330222, 0.0672076764781239, 0.055224615422617, 0.24246679695366072, 0.38739360570289105, 1.0444424325833244, 0.11765025399828818, 0.031241218653097442, 0.9676428676518022, 0.15692870462114444, 0.3947397134738897, 1.5812315595387532, 10.34747905045996, 0.03358328142391561, 3.7638030557216102, 0.00489656149568569, 0.0002144776169417017, 0.03279609840316887, 1.538821747605619, 0.08634263752357396, 0.3577040973576215, 2.408202978525612, 3.136111458478971, 4.137094331522496, 0.18793264874720703, 1.92625476374246, 0.025147695768826497, 0.7055765337768424, 0.008819653416871373, 3.495193111361574, 0.025932619884434134, 0.8447668031493869, 0.023024652246164703, 3.063966544511719, 0.3311630836885038, 0.00046032592005755535, 0.06734393754316677, 3.0728742831915055, 0.09828613250871508, 4.230523500909414, 2.903688623533253, 2.2073815659148406, 0.0021541432186010507, 0.11116670518397848, 0.08822621846401107, 3.2547864931251147, 0.9028720069864355, 0.1640768484352447, 0.07448779148326472, 1.4270893587031326, 0.14433294544380285, 0.07466139434639099, 0.18253993027660814, 0.03355371602158994, 0.5444069452842726, 1.0839345969322083, 3.4257555736579945, 4.066044554841524, 0.2870517278679686, 1.5118500180373329, 0.6569179928839542, 2.127749769770478, 0.3822564357876874, 0.6283772166443293, 0.2943810161947072, 6.925727993748007, 2.173596735686141, 1.5133079819376685, 0.9052543483617268, 0.021868037772092872, 3.1740565078119247, 3.1817462988947507, 0.4022885348614201, 0.17138959724976047, 0.045503653673324096, 3.6761193651974384, 0.8000925393703808, 1.2708457913269686, 0.6513502210836962, 0.09482783681065683, 1.260158791836533, 1.131389369423714, 0.37998038717826227, 1.8483649999054004, 0.007440827006476699, 0.6750948265378204, 0.0066643036721096135, 2.6548982374804235, 0.32254963978079815, 1.1044677504106957, 0.04068921402176959, 1.2399712773657476, 0.28845138981544544, 0.9604267025716715, 2.163712210801457, 1.4143779348196726, 1.5078059924095593, 0.13590638408694128, 1.0661361776056908, 0.027387804739164107, 0.12676359154640093, 2.0989709279477524, 0.2563286568072953, 2.607447683631339, 1.2136299057040998, 1.1766065052056065, 1.9057627882469863, 0.06751607946702422, 0.06385322721395777, 0.21013349837703454, 1.5146673967796618, 0.012794640990742926, 1.3551243916903069, 0.009703610406790726, 0.009463773890456833, 1.006472432519083, 0.74231501938128, 0.21143701097723877, 12.26305014229856]}, "init_params": {"k": 25}}, "RobustScaler": {"model_params": {"center_": [0.015000498935025293, 0.02357890662082972, 0.03393533300723083, 0.02531342477669645, 0.13443718702877708, 0.021534312807419218, 0.01930720643743321, 0.004158973189708292, 0.012040781262283258, 0.016355427371768587, 0.023291110714382064, 0.056828863551415504, 0.054326811552658845, 0.05649896280277972, -0.022610371300980286, 0.01970094078388521, 0.006178012061354318, 0.05707551634058347, 0.020757024162427987, -0.0018204660621111504, 0.06835419738278409, 0.0161296794699424, 0.16692390469023355, 0.01518858464520156, 0.03940173461101424, -0.005709745915291846, 0.018707626762955988, 0.011691519548243278, 0.028734760265621457, 0.03093579504511317, 0.06069375654236836, 0.051810402954035904, 0.19502164202446043, -0.014541386879538466, -0.005042549914292291, 0.18601303357090565, 0.012036757054488324, 0.02517489731251257, 0.07688627449042279, 0.11456312725956673, 0.004289371622052571, -0.013310421689856095, 0.0188668530797861, 0.0454724766707678, 0.0002208804911387164, 0.024303767375008865, 0.11472171256783092, -0.03414009849691604, 0.14551498368970583, 0.030202676432963104, 0.02220575361988716, 0.15928047489194513, 0.06202318227959273, 0.04925003488990537, 0.07506616300788911, 0.012263850347191971, 0.006233582195034348, 0.13051849434210677, 0.0, 0.0041426301431425555, 0.0, 0.0, 0.031501601260159585, 0.007415553805022752, 0.12170492157762845, 0.0, 0.03545876182833877, -0.0008352882817660529, 0.0613606957885602, 0.015348266030219366, 0.006038208435735372, -0.010060828256057187, 0.0527921695012697, -0.03436959269738737, 0.01144791554862439, 0.006833536059139651, 0.028941268414858345, 0.0, 0.039583415418587384, 0.04686443255425631, 0.01921086437832747, 0.1144842990289549, 0.03565408928980243, 0.043291546563723596, 0.05586533318561843, -0.005840933470937244, 0.03180591788117195, 0.06370219488862869, 0.12117081500305546, 0.0, 0.1731065612548142, 0.03549932335973059, 0.05895720788658589, 0.0523066757127391, 0.03294118951469296, 0.025558888115936197, 0.20105255576945588, -0.00864021791081512, 0.05693427337624789, 0.009762004989100388, 0.0069559147580353625, -0.002222863600012942, 0.0, 0.021943064390261585, 0.11963891143488654, 0.03432585202118418, 0.002495153071043203, -0.0009436754001585615, -0.027181295894395375, 0.011775542152822595, 0.1072675242855623, 0.01770157505189613, 0.06908179542342376, 0.03376251428051939, 0.007617199938404162, 0.0034878865382499498, 0.0, -0.018789236415415866, 0.008426667750765381, 0.1947953056383548, 0.020007446594629157, 0.023993488540943686, 0.03643850290452826, 0.17093179756051605, 0.001859302419109803, 0.0037828771490955675, 0.10618240115665696, -0.02306989366656049, 0.061515038252657056, 0.09526926600819059, 0.03284304661488669, 0.02713556593995967, 0.04360808243466744, 0.09467508410603459, -0.003967118469291877, -0.005114889536992067, 0.03123410327471707, 0.007711051155123823, 0.017469616875330937, -0.026036922841640272, -0.007747608272647673, 0.022842071952927097, -0.00624868230097663, 0.0235636005547452, 0.01190461964698035, -0.024563168067673117, -0.03185678426129179, 0.0, 0.011221460544787237, 0.008728456428610896, 0.0019087520940275925, -0.004047438648429564, 0.006710771232545522, 0.023733091314257597, 0.008324986326636499, -0.004510347409953239, 0.017710279516869334, 0.02874416617795977, -0.009915065457186933, 0.004994415443921882, 0.011463878360522331, 0.006304557536777886, 0.0160443337351734, -0.01237370855516903, 0.0, 0.05007622680363668, 0.01694536108434601, 0.011402154203685538, -0.027350607512175582, -0.016234341347038342, 0.007516143553812658, 0.015482679256227276, 0.0054776566354263695, -0.01029896256612509, -0.009425025146844233, -0.0013665400027596192, -0.021551818376387272, 0.0005974285206417915, -0.013267895290170178, 0.009048154154017425, 0.016774337316815654, -0.03391466104472976, 0.0, 0.02090912714421517, 0.0001255215631713057, -0.007141834318299295, -0.004487777373081663, 0.0034033249446556862, -0.033093634748308724, 0.06137529677895985, 0.019584239987066446, -0.0028008508955659228, 0.006338153693412002, 0.009493757815526627, -0.013112887584100338, 0.003052475259918824, -0.015499603626865215, 0.02053803959730416, 0.01126002353596955, 0.0065783736292796165, 0.043633933705200995, -0.008864969516880386, 0.01028524046774371, -0.00567512406379849, -0.00937816444146388, 0.014379484291982074, 0.003774000692831052, 0.02898474505627835, 0.0034938424888158195, 0.046734339892910676, 0.020394125944694738, 0.008354724984286887, 0.014807430768436417, 0.04395378466218324, -0.009040589999761211, -0.022965918263041323, -0.03512929479285632, -0.02852205076451398, -0.024430026701005907, 0.0002327713551849643, -0.006375476094521354, 0.0, 0.004341912315731238, -0.002516124264886423, -0.007202071771553011, 0.00015134342172407704, -0.03438486749687544, 0.006606666353830842, -0.01137752079400845, -0.012178156561858547, 0.01328984093942036, 0.015910902183020863, -0.006837989096278222, -0.02063695856952772, 0.0352246711509886, -0.0028702683729313447, -0.01571992085651753, -0.029305680398581856, 0.00802875331101422, -0.02645488806724528, -0.0007563111160276559, 0.02105597962770083, 0.0, 0.01459737876689738, -0.002210704239172731, -0.0026882161992672743, 0.015751551157692167, -0.007434293799371957, 0.009965052452028049, -0.004459336716665973, -0.034833487338566775, 0.049067467209524936, 0.07965647996472784, 0.020864200213699887, -0.007699334328802703, -0.0034502348729686704, 0.025389115633204156, -0.023068082294932183, 0.002174582955733744, 0.004205813234990421, 0.012521713326139862, 0.010476316193347606, 0.010944509354925115, -0.008481209782608424, 0.0, 0.032940885240629256, -0.010969664065942446, 0.011552546719984335, -0.021872741283772125, -0.014499406366879184, -0.015495345230747842, -0.00041377988242441357, 0.012152488804280282, 0.1089254827289248, 0.048426217193792934, 0.13276937387664145, 0.020342476496779734, -0.017546808468907306, 0.007779324617487541, 0.002770791274668388, -0.007449992930839712, -0.003121492178115461, 0.04913560195742255, -0.030310309135551584, -0.0004684511669317999, -0.03138120048718803, 0.015424324976819498, 0.0, 6.674455342587802e-05, 0.0010894908492980631, 0.009804950703104477, 0.006507817578044432, 0.024394413547123395, 0.000968203224868061, 0.006560888618104004, 0.034167115290974936, 0.020785406633243613, -0.019888779334268327, 0.012345248557701704, 0.030667621102188847, 0.021200886430724195, -0.00889868221976915, -0.025228754670488046, 0.009276408038406962, 0.03715767912634115, 0.0036437513236709657, -0.027096990198324185, -0.003450042922528159, -0.003518868645038459, 0.004388787829829085, -0.00724644975111018, 0.0, -0.021040853982026358, 0.0016815909850493712, -0.023416411228134832, 0.007061490826125996, 0.08328910205455187, -0.03290055250896838, 0.019414628738431337, 0.03794890155753082, -0.013243522189551016, 0.018457486529314063, 0.013638270563966675, 0.030982559816049242, 0.09194257362436245, 0.01999474886514562, -0.03607864842951282, 0.010831835597129882, -0.0020165993425394664, 0.008095407172382687, -0.010730941503528485, 0.006778199215178443, -0.01906979373100065, 0.019502601285335274, -0.013642786309136302, 0.028434867090480483, 0.005415126155038466, -0.00729105983763406, -0.00303484892195838, 0.009024197211849605, 0.0024454108024878764, -0.002653462225687233, -0.020676226224033794, 0.0017439860877955001, 0.04356215009296384, 0.03457460044028964, 0.007919002146174118, 0.02259667654047628, 0.050555675635297184, 0.13384463533832405, 0.06293358321687564, 0.024116675036841523, -0.003817541759805253, 0.005810354574122286, -0.005769919395764508, 0.011439462471462995, -0.008412460985532607, 0.00607422106570083, 0.018178288268012432, -0.01523160361443102, -0.019740425004802567, 0.012127371553140658, 0.0, -0.01970332314558523, -0.02064094398662908, 0.0060564407619041, 0.0036322533615476336, 0.01893000380233664, 0.10376690805114144, -0.000612320093417352, 0.020967703986807376, 0.013615305187954512, 0.02510462166106944, 0.02030775442433249, 0.03052104704184046, 0.026516498492999554, 0.028121478042397896, 0.030233561358774776, 0.027347293599789865, 0.016814918604630625, -0.007625303421919851, 0.0038203418108776694, -0.0202923872781157, -0.00591728312387417, -0.003513445055980219, 0.007604359225140899, 0.019392034908000583, -0.006148487852864275, -0.005145176515124502, 0.0, -0.009812014580490717, -0.0007019653389380968, 0.010182168009946724, -0.025405301591192215, 0.006324290320164966, 0.1042509209782661, 0.19503325961593804, 0.03390381589085815, 0.0066586768989616825, 0.028295700818005032, -0.021163666879061162, 0.011274822576979267, 0.020240103482002635, 0.010759251671691936, -0.0073021758901306785, 0.040736189738956735, 0.014591676393858772, -0.02702362603942522, -0.008151467888429373, 0.028621399428216468, -0.03516137991623708, -0.0021856085527173228, -0.01138658483748169, 0.008139240490197054, 0.014396578210298992, 0.008254615811072917, -0.002827306691627316, -0.0013136198548890758, 0.010330675514778622, -0.002196978238949151, -0.013369917332689045, 0.001280610428158639, 0.018942680950146663, 0.0006405824881864727, -0.006041192498329209, 0.02234548432314348, -0.0008610356050693395, 0.05853310486093987, 0.06860839265187757, 0.10967580592880945, 0.0752812098998957, 0.1073892057267074, 0.047062524339401654, 0.054845836058970206, 0.01842028811398572, 0.02068278228280759, 0.004519565419652135, -0.028800805926341665, -0.020604530491120907, -0.0037169668379086885, 0.004629601011465764, -0.00683241922855892, -0.007238223897055439, 0.02071274730496111, -0.01991950466197403, -0.02850572799786158, 0.0, -0.016259942356344034, -0.001546568076635085, 0.004469087906775351, -0.004448602541326777, -0.006797792704889699, 0.025552881557556473, 0.0061858455275883815, 0.187845717017013, 0.0016661039070581564, -0.009920228233806854, 0.00983330579975469, -0.012494256489628815, 0.06234432911862567, 0.019804610467550245, 0.15288094824182533, 0.019794459208893087, 0.023583265216917202, -0.014950097871618925, 0.019941707173730994, -0.007243781081381626, 0.00971572785274662, 0.02836015826842614, -0.013964255424012353, -0.009051795472755208, -0.003149207445326523, 0.006656425970111332, 0.026286556381027983, 0.012759013023974393, 0.009848355188901814, 0.0, 0.010116231066778057, 0.010405932858634028, 0.0014214039022911306, -0.013688786528337374, 0.02052450522969896, -0.009473073730598821, 0.04259073252279667, 0.1317706880862756, 0.033385100866647775, 0.026365305611648678, 0.011465581472249768, 0.029251722720907255, 0.08244539856084561, 0.05705545522383898, 0.11084249863029402, 0.04524654611628498, 0.030162429109111644, 0.06821579896571404, 0.09521049635189757, 0.025530782669150095, 0.007738140105249534, 0.033364503019894895, -0.004088402080521366, 0.006671531142023343, 0.007354031221901044, 0.0007776186517298068, 0.012940743613093608, 0.02385557583810572, -0.009266878078260207, -0.0051810965173347484, 0.0, 0.07608499684229476, 0.06888885106946853, 0.0009755719850129851, -0.019048000336389894, -0.006068125504819326, 0.10168737034439974, 0.03392556761414882, -0.0015220455267428796, -0.00248436685741611, 0.029336009159497394, -0.009357284306515291, 0.003099625175770585, -0.015535530205798693, -0.006328561404075807, -0.0039234367042056606, -0.017751782869799237, 0.01431756936373224, -0.00691807755736019, -0.008062317494291956, -0.001368852302388749, 0.018322034313186436, -0.03613485565676659, 0.004539951932988562, 0.022393541338325267, 0.03650309107286642, -0.007599082412379675, 0.03182288706327368, 0.015078025893563015, 0.0026937992322764804, 0.00035076044051096715, 0.024721019649244277, 0.0, 0.004558085511130173, -0.012374730069968583, -0.004792978201955161, -0.016850449439436598, 0.021832701338303444, -0.042294332549420235, -0.01049141004358867, 0.010006322519483463, 0.027968474599924766, 0.001623803626468302, 0.02528279516626084, 0.06349899628898556, 0.09434712001051222, 0.09091656909018557, 0.13824150158025078, 0.015571374583953234, -0.020544733559379413, 0.04518145260163004, -0.006544236599787431, 0.01797599107040631, -0.01206003688111745, 0.01921515483356177, -0.020488799482324953, 0.0007364187863066917, 0.019056718199877788, -0.011990448572969024, -0.0024677675586823483, -0.005204524219399661, 0.0040851598552861575, -0.0030499108820153226, 0.0027797072425183515, -0.036615098089646955, 0.0, -0.027745838348869848, -0.011391905565376947, 0.021027494576448938, 0.007421989705359303, -0.00423882388718246, 0.04240153257219241, -0.03202328039801038, -0.01812159903585599, -0.002802890040307594, 0.06486616727025607, 0.10290475331287632, 0.03219210796849844, 0.009273925695439092, 0.07470221050416456, 0.008780840598210554, 0.05422406741136817, -0.04114594568386227, 0.15128848800306668, -0.0005001986622210438, -0.02297417366680426, -0.007261916607059671, 0.03333789487936358, 0.017015542804900027, 0.0038653839905292485, -0.0016991491926686521, -0.0048925482556060815, -0.028040714133596184, 0.024182177490662374, -0.022740170433163433, -0.0017111001894451075, -0.010543376985389792, -0.008432729760784631, 0.04165970936254717, 0.0, -0.006993675298436763, -0.007316092001340376, -0.011219430357051337, 0.020980932430734817, 0.0009155113851031024, 0.013101933614708345, 0.0006499692534355879, -0.003490242144757452, 0.0883041263358135, 0.132870671078079, 0.005584483658752152, 0.013455487820206242, 0.005929551989139317, -0.038797068559622956, 0.009986082920559832, 0.024905450140550792, 0.050733785571620185, 0.03322393258714363, -0.005219388770515683, 0.021092265295482037, 0.022056699704669887, 0.011902631331211215, 0.022679563319926477, 0.027613984616993624, 0.021096457808193626, -0.010011385135293094, -0.0053328202391311535, -0.0029334274112973514, 0.004879491838034313, 0.00386359546080656, 0.003909351790327041, 0.01752838170567275, -0.023518670535521383, 0.01373585122959897, 0.01069980124447297, -0.009025725516428327, -0.00520440273260484, 0.006640689505109821, -0.007616276861778666, 0.004344689417947886, 0.12116122773292375, 0.05297796970761717, 0.02162630746905264, 0.028834205568761775, 0.0007798718212919252, -0.0058051123915918755, 0.0424320096244954, 0.08304928203607102, 0.031866517530985, 0.0474193886377255, 0.163560077358074, 0.13077004342669568, 0.10703815846073798, 0.027695175214243264, 0.10347256675459472, -0.011534669780154336, 0.027938076544314135, 0.007471813616303468, 0.03767867275458981, 0.018524301700994786, -0.004709754686952086, -0.013254883192887668, -0.022416105441155274, -0.009249809390721413, -0.006087213905433673, 0.011192226149013652, -0.009872332473894735, -0.0335883748492255, 0.014997645865566041, 0.046592785973122636, 0.028133293462066226, -0.008659147793725556, 0.015625476810006974, 0.012342452163069966, 0.02482001818825726, 0.0013409438650008815, 0.00980890361976487, -0.007918524528123706, -0.007689456762209242, 0.09825513639079164, 0.01576450943589812, 0.1315131579489298, 0.04337925682272531, -0.007290806255605296, -0.01679609751117466, 0.0163700831071455, 0.02268343410438032, -0.01964980160110749, 0.005265691460108886, 0.01583534495117522, -0.01832737145256228, 0.012361279230445802, 0.030713289834591075, 0.043300140309372175, 0.10170223339898596, -0.026597380891710442, 0.022760664594155412, 0.005046118070779622, 0.01652280027465857, 0.012115202834712721, -0.034383740597079576, 0.016450135690301022, 0.013680027575633079, -0.01982640848110321, 0.021699734889920767, -0.004186504496867483, -0.004351387482188005, 0.0, 0.013838331552524983, -0.004065476948384718, -0.02681135096954697, -0.0372301162089213, 0.008599770139352435, 0.11946612517283126, 0.03208883616969114, 0.020033369606629322, 0.027275059588402296, 0.043654160649159744, -0.00018260041480310738, -0.004737671396074512, 0.012517018026214511, -0.0025035104228658656, 0.004418444818588162, 0.06234151603141514, 0.05593150675996514, 0.025678478833388, -0.01730103063056022, -0.019177833284659558, 0.12384625085324509, -0.016705901437450998, 0.0037448627810274574, 0.07498255857055122, 0.020002154871743828, 0.01583581877150729, 0.01601316776607416, 0.0004305217359853152, 0.005916886731347194, -0.020128164200829305, 0.012384525566889603, 0.018549558244696625, 0.051045974625214915, -0.012375395374481969, 0.007478473422967492, -0.014211929840299974, 0.02457061467016131, 0.0, 0.0012794109634815336, 0.021401644529104213, 0.01576536858120916, -0.014242323413423342, -0.018466749946146048, 0.041854348345697935, -0.03205932911221827, -0.03020943976640151, -0.0017548389239364288, 0.00808010425352329, 0.0035600721397021366, -0.014732111680152291, 0.06812767086803029, -0.005424091008132043, 0.030579662636236984, 0.0039509289756211085, -0.010990873659556652, -0.00607268672764976, 0.023279385204509853, -0.03466550862652096, 0.020052125620532033, 0.0026557070137832794, 0.0020477871187276364, 0.01647491199356132, -0.009951347976772785, -0.005781951091851051, 0.04155622304096801, 0.01830029479808297, 0.0022295233937518824, 0.025876760515618966, -0.007869644806897145, -0.013918762579470237, 0.019020583428973108, -0.01285222182363728, -0.0010709621564297949, 0.010049952504157049, -0.014753468809471999, -0.025270648329147768, 0.0, -0.017211231325925034, -0.021678854034412474, 0.003019962804573169, -0.006756620391426609, 0.03399490155604293, 0.04221222644320229, 0.010798208045710241, -0.0010163566248286458, -0.019745698103475377, 0.01885819306345248, -0.007389981852808073, -0.040494630936085144, 0.01646038801233164, 0.018384591626645165, -0.003434326335313934, 0.02602044405613095, 0.06482352221089793, 0.030205423150856517, -0.009099961674679233, 0.013506487055532783, 0.0321684248428773, -0.024550049676028435, 0.0025272453187815307, -0.014765584285392557, 0.015253405018165326, 0.0005487008930370338, 0.01660057221435265, -0.03688986356810722, 0.016443755393309036, 0.00863920876554643, 0.029673192876744237, 0.004595289722291988, 0.00767127803742216, 0.019381097466096776, -0.006437793930291378, -0.018662092727981514, -0.008465131457856382, 0.009672856326609542, 0.018300263085236954, 0.0, 0.0075100596292138, 0.005551310051404954, 0.027650985118964855, 0.025168538589363375, 0.010426418839557089, 0.00891738494222342, -0.01965452975020762, 0.011184640822482207, -0.001153716525197639, -0.019196409020656984, -0.013002857409942978, 0.007660056145306686, 0.008597687265527424, 0.0008190703875153813, -0.018084917522948066, -0.016047671670400596, 0.004329348042988739, -0.01117234982971399, -0.0016054973085793181, 0.007642091942042987, 0.12068185852190405, 0.007855331151860066, -0.03354932881711779, -0.011219102663072706, 0.004085540370688531, -0.006708291816238869, 0.007353841246028128, 0.005995427582282126, -0.0055009287703399155, 0.017003021773814655, -0.030161829943528676, -0.007662690866428925, -0.003992321006562945, -0.01672417060241776, -0.0024753335408484933, 0.015497016493468551, 0.02189082961094519, -0.004855274444944825, 0.014405865226490493, 0.05589592780827253, 0.0, 0.01992976608834871, 0.005676066210765916, 0.006173286906027089, 0.00796730182364911, -0.03355152274512352, -0.027485664033085912, -0.024887992421130833, -0.04065844190264042, 0.04136135274084946, 0.015817683050893237, 0.008143331296587277, -0.01247496266470402, 0.009691772662042774, -0.03150724549930035, 0.03150424215667662, -0.022665832488612085, -0.030020424565830504, -0.012939044917066137, -0.002219196422602939, 0.010834114102377017, 0.010750953527097014, 0.07511438523489364, -0.027638823526996873, 0.1101260583660047, -0.02161360826347995, 0.11443263296276486, -0.02337164199549902, 0.004709142156128859, -0.029308045575869683, -0.03292739430329042, 0.016996724505045597, 0.027654176684571017, 0.012241703769492632, -0.005498009682514838, 0.005386477585011766, 0.026829754063886255, 0.002582490273611475, -0.0014589110510584869, -0.006525983484126688, 0.03812116843549514, 0.002140364002179493, 0.0, 0.003787164530967846, 0.012132911625877195, -0.01338912376226623, -0.02207474670198448, 0.017144640915617203, -0.023230664684757346, -0.024025006871712537, -0.0001103998162817013, 0.00826458257494735, -0.004921742497377121, -1.1442489050293866e-06, -0.004277769955147413, -0.0029667458018591605, -0.0006014221387023127, 0.011670940938309952, -0.039539814642231344, -0.01805043027381961, -0.013110836322571503, 0.013168517161839588, 0.003324615946704279, 0.014040940349277166, -0.010964161051051255, -0.024779824402958988, -0.00975063905750754, 0.004579304058586584, -0.003904117275233696, -0.02572845111120714, -0.012094487166061452, 0.04196720281741217, 0.015794781550259863, -0.007223897212875121, 0.01758613686006519, -0.008744325591280277, -0.027917595082791045, -0.006310858550446578, -0.0028335778635856196, -0.01583445990499776, 0.029399807998827424, -0.009482676692380327, -0.0032226171671341053, 0.005697709330058173, 0.0264643585354252, -0.0010315980889186057, -0.00527032782193421, -0.008826236355065548, -0.020347668635563948, 0.009081297234373346, -0.01795001261430541, -0.05027399318056281, 0.007532266374509725, -0.012623828390874475, 0.02619955884312886, 0.005329472081841802, -0.01586477272629339, -0.024319155539920867, 0.005378578801485021, -0.044245105624340926, 0.002777960891392313, 0.0005908289437489782, 0.004549339529584794, -0.009758083783061616, -0.026345724299103385, 0.023430208628538028, -0.02859849031419095, 0.01526461539316917, -0.0314842916528425, 0.04273245048520531, -0.009415143338022094, 0.013609893555456115, -0.0022437523978498467, 0.011937317166708476, 0.03634570911919833, -0.040402397403998876, 0.12691731437182038, 0.008929094535754205, 0.013539725714093164, -0.0051187271068293, 0.016952937298213552, 0.0157528237704913, -0.01277971477702012, -0.003436648918494371, 0.020925333033282197, -0.008607563958357642, 0.0032090635515414053, -0.019589479116225123, 0.014699950409864816, 0.0, -0.008192930786758389, 0.0362410883369731, -0.012153069357010502, -0.016453077694848404, 0.020880581968829855, 0.010243329339976225, 0.0009029809326701155, 0.057167232429885285, -0.018350612070169026, -0.029743378802617664, 0.04360329891739487, 0.005399181757496478, 0.03643307882944553, -0.004851664112625877, 0.01468082787615095, -0.008663687158872018, -0.010951107805729825, 0.005966792605793231, 0.025584937443496512, 0.028895364011902964, -0.004864757412620513, 0.008008535174164161, 0.024102767496495647, -0.015352362613707773, -0.02762013077464488, 0.007627405805290355, 0.02735820688347375, 0.02302200073072747, -0.014900282056383427, 0.0002799409363894662, 0.03458769402711725, -0.016087285067584327, -0.0361371478821114, 0.02182111036257541, -0.02072090417529842, 0.01277691366053879, -0.018816103771661763, -0.012666107373482819, 0.0307971720883646, 0.03746665526867329, -0.01245798497155867, 0.03624706886320765, -0.017981803231308754, -0.024152076977162526, 0.0, 0.02232736706648689, 0.011131163270787663, 0.001399630771006396, -0.017857489177051954, -0.023561724118181315, 0.09128805560395806, -0.00879953950594113, 0.004629369164275965, -0.0021515143693907044, -0.021617357827256548, 0.004313846255114769, -0.0012868936932295125, -0.02252573809528233, -0.028759949099693774, -0.009460657814086892, 0.028889097924101798, 0.014137485044788988, -0.01664953075490073, 0.01518182088153052, -0.019227828900531627, 0.05738346668451145, 0.0022131548966405814, -0.004498361195160645, -0.05454829527089188, 0.0165600687184988, 0.013157960484401215, 0.021762657096124412, 0.002582979212181367, 0.10350123902433135, 0.02662998932140999, -0.016724083852903155, 0.0562564398967325, 0.04185810347262368, 0.009875551489632789, 0.016456146421652277, -0.013493438624622281, -0.028163033936704576, -0.007980338608061598, 0.011550746602833404, -0.01710976531138532, 0.019167936456732884, -0.014234518632212244, -0.011602205063749552, -0.011337486791847639, 0.05087389020052526, 0.0, 0.003580006672747981, 0.02976541403691796, -0.007454881369040961, -0.018567553358510826, -0.028037212363430132, 0.016072139927513437, 0.010982456241725629, 0.007028297863492991, -0.02494884246508025, -0.01578686376605872, 0.011548142221964087, -0.036208412418289274, 0.03914063220855401, -0.03379584780091579, -0.025851355368803782, 0.035102531353672375, -0.006840059611792341, -0.015674374369628517, 0.01860621741424917, -0.01704112459713293, 0.010766566312798357, -0.012553970751087965, 0.0014570222497198393, -0.03720277181282213, -0.03105871263866322, 0.05655180509107836, -0.007303396916261343, 0.05120883718799606, -0.015421633381466685, 0.00237357075543151, 0.04461704917968972, -0.009909392845678626, 0.01426012919804965, 0.15456168739188175, 0.011647005312234966, 0.019244745887462576, 0.014059138537174769, -0.02770732519838956, 4.158598850582696e-05, 0.0004846445935241792, -0.026507708936370274, -0.007180510477089223, -0.011265790605506804, 0.00435129250988182, 0.0035348590213397963, 0.009118358903534863, 0.0, 0.04488769297954516, 0.04799877831128597, -0.012875315166719392, 0.0017744819390640217, 0.009137060709241005, -0.0031687476151773144, 0.01731968913368935, 0.019552856606256185, 0.002797010758479477, 0.0007939501877967073, 0.002622287475482948, 0.003471034640978414, 0.017700844353754477, 0.011601009498231079, 0.012188742428736679, -0.01209977805302563, -0.013278505325766394, -0.0071709755847201035, -0.0042809989833266825, -0.0003692252963585922, 0.09908496304015384, 0.011092886497635646, 0.005800505985715372, 0.0005579738920263116, -0.015023370524567802, 0.01868331910002898, 0.01891182517713282, 0.016270189649323773, -0.009646611812979546, 0.013372519149204547, -0.0022588289110064014, -0.007992725689315902, 0.00506969473717432, 0.013214255351579156, -0.008914104032671571, 0.040698361938168275, 0.014652692868774728, 0.03052020530536622, 0.03820379229958484, 0.010043163461459819, 0.00043427349920699567, 0.010511352865006419, -0.029102316787717394, -0.012350281748187352, 0.015225832460367246, 0.02474081289327341, -0.005512023934184278, 0.0, -0.030119807675512502, 0.008100263788254933, 0.0177039955040133, 0.00886017822787928, -0.01926235835963853, -0.009354451119857672, -0.00813441951128182, -0.03564898676427593, 0.013098266036125234, 0.059584143855672005, 0.04722693382742056, 0.026339557603552857, -0.0233750411711243, 0.02598427012273088, -0.009616164279785929, -0.022415295662200938, -0.020109553280567412, 0.006983001675969656, -0.015440928254095019, 2.8780205399750785e-05, -0.007868853945140737, 0.020196943711440832, 0.038024381298586374, -0.024611777425601347, -0.012986167033615825, -0.005389607370553522, 0.009590560186235561, -0.015624403180389665, 0.029701562084560172, -0.010397234397520477, 0.004952946908156706, -0.0032526849115855298, 0.03482991044668273, -0.013786166766873865, 0.0032239224720312194, -0.01725120181622659, 0.015165614126215114, 0.016907855323042602, -0.01593624856022917, 0.006825232986575356, 0.057832961065683, 0.007055920380165327, 0.008900321020262534, -0.020307133945686517, -0.02070624954428252, 0.002673891517907794, 0.0037888202993621462, 0.0009690967129580576, 0.0, -0.014072345579238225, -0.0043311552818371376, -0.02190707471486638, -0.026330523628570364, 0.0198268489259579, -0.04488808913770246, -0.03099816025527376, -0.02209239853539503, -0.028856799875617487, 0.0683383176255285, 0.09502415047656951, 0.02835277181733546, 0.007234405551811105, -0.004560782943210868, 0.047517878718903526, -0.02066164547229694, -0.020264517868773313, 0.03318241735907982, -0.04362948102981239, -0.018100591422725597, -0.006382436839678692, 0.07773299972321758, 0.0720158833578688, 0.0037276971985031196, -0.02722917594489899, 0.0008875445406099786, -0.023057930527764836, -0.03358868311389528, -0.023278246237282692, 0.000676424874338544, 0.1199652415827615, 0.0030655499188726935, 0.008897752050748484, -0.0011550837352478599, 0.017045374810008198, -0.023212363253074384, 0.014145354728865954, 0.0906483199795115, 0.027564213672727097, 0.01176638488454422, 0.030337097513893223, 0.012620650678674301, 0.003210399602973318, 0.026745508417082068, 0.05321828463311721, 0.005279898918635266, 0.029864812200465, 0.02903756935645835, 0.018432340585722698, 0.0, 0.07806797799174384, 0.04247197701080075, -0.0005213992178975348, 0.0172641152339657, 0.03929691783438437, -0.030203829565682676, 0.02404286729354238, -0.007195297648772843, -0.00444030861271597, -0.0013188509819211216, 0.0313852228081202, 0.022605436259589315, -0.008404559981263797, 0.02703905448878824, -0.021797823685858825, -0.012585270805891252, -0.011551991936135627, 0.0011928980488939331, -0.01056140129309423, -0.004122070358242372, 0.04511490009945269, -0.005818157469872183, -0.006564626515421418, -0.00041759019149043757, -0.02611370844062559, 0.026644003448149604, 0.003590024542105025, -0.018798316547514883, 0.07663461019447787, -0.01155939754337727, -0.00576056058787239, 0.08942062860814175, 0.031678920444568555, -0.0010819362810056568, 0.016616591255442743, -0.001924559889637844, 0.004121833841196614, 0.008928831229213716, 0.007583569379341997, 0.01777286606425732, 0.016539366302339542, -0.029339083120173123, -0.021510984910476292, 0.023304163805141314, 0.02058546745635494, -0.007340460112614047, 0.02472472513362798, -0.0034887629635735728, 0.027181644368084578, -0.04737999743399591, 0.0, 0.018826678953556105, 0.012709519360761827, 0.00786566615329246, -0.014807796813832343, -0.015360701460809792, 0.04101562112669055, 0.0030816001057485227, -0.019788845096068847, 0.01632704338852542, -0.012245438542999204, -0.00583004163027115, -0.006968233628944956, 0.0181154575776889, 0.006579559885974014, 0.04599444991479536, 0.0029887301379281513, -0.013038302086443297, 0.005891259768914275, 0.12659389283489217, -0.009590676224865266, 0.0035559785504628437, -0.02657616193061121, -0.008977847813236297, -0.012579793256812981, 0.012934054435396474, -0.037999873237910826, 0.034171840304291934, 0.06154510459302444, 0.011746378136358851, -0.020230605797625346, -0.001250168446714646, 0.015285853416385213, 0.005988401713576752, -0.017467895362221042, 0.00700552385331451, -0.03376879304845542, 0.024339991734633942, -0.001326078117337134, 0.017071029272977746, 0.017410210687783263, 0.015989950521679668, 0.019750360526633193, -0.01480152715603972, 0.03978723214871154, 0.009192144542681809, -0.00406944528394961, -0.020892458871163536, -0.005914434051479025, -0.01665150546455277, 0.019414827395498067, 0.00445687243608402, 0.0, 0.007644381949928733, 0.0015983549896604503, -0.02291891351312469, -0.0005863167612006301, 0.013144983233381275, 0.008069100109916951, 0.008017513459233294, -0.028021203095255114, 0.0016498959519193898, 0.040199300571821216, 0.047369672956086115, 0.021051731811285532, 0.027570868298349087, 0.10733016663761595, 0.0045598663893782, 0.01808869313931226, 0.012647787113847156, 0.09357331830316577, -0.03409625984619778, -0.0025265834394637577, 0.0024662397328972475, 0.05313503667803475, 0.11190641817362564, -0.03001947401444688, 0.004675132949365852, 0.02879429426909595, 0.001687438982975063, -0.02121426267088104, -0.005464864288462316, -0.0036516183824635133, -0.0005048473002334735, -0.016127107243001752, 0.010129387862274224, 0.01672026216413703, -0.03114827273726702, -0.01223991593717543, 0.01227889486013793, 0.1063040775542114, 0.06734864435139662, -0.0018443608312614416, -0.005735076514877083, 0.02289987895352699, -0.022193770684068425, -0.023006466330088293, -0.011765622358770201, -0.00046161767839197464, -0.014044811487444825, 0.08033335721788969, 0.002106796852560997, -0.007034737265444053, 0.01151150200892458, 0.0399756627687783, 0.0, 0.005322054784034374, 0.006365495805087927, -0.012746032355161117, 0.006095365214555692, -0.012278016058993355, 0.016561883583768613, -0.00730903116427381, -0.007511234177066043, -0.002625849239014559, -0.028345416541870158, -0.037884042275276496, 0.00019554011972511458, 0.0219389514035273, 0.017054179886674216, -0.011396932768354741, 0.020885656568125775, -0.00028130043684083776, -0.017525717125590264, -0.010751682135997524, -0.013978154092980833, 0.007844169708716204, 0.05439793615345684, 0.02029187881642056, 0.050702884753133906, 0.0018136424895187223, 0.04661514313344633, 0.012585816967138754, 0.060432660796285086, -0.009597520847093834, -0.0018068998943241335, 0.04335861968866288, -0.011539538072847003, 0.07735393772227701, 0.02505670658749722, 0.020286883053458056, 0.1083806954888552, 0.003011667277283595, 0.023775314870426067, -0.04459026861187735, -0.008871787121734379, -0.0006280158451252677, 0.0687913975036345, 0.0159284099147683, -0.00815471019399272, 0.0004573864008579711, -0.013959707538477579, -0.011874933981489299, 0.0014363743456685253, 0.06058403363472818, 0.03238053279934636, 0.02847195641048878, 0.013649982392296752, -0.00700543458888048, 0.0027020161438643716, -0.012325554656776774, -0.00529765866754916, -0.00033640184348252846, 0.03203088582200878, -0.02303401825043895, 0.07478864541109395, -0.03469164386586701, -0.012913397602752867, -0.00784131626515747, 0.011477394634173445, 0.017878077696071075, -0.011694425640157179, -0.006254512294551242, -0.05316460272152226, -0.05722830705082974, 0.03878778126332671, -0.002936528721954515, -0.051586768188462875, -0.0020836147191785393, -0.028932772706019304, -0.028876604367311737, -0.028061226834625322, 0.03744700570455102, -0.004446268250469818, 0.019837469702542264, 0.035960517821058385, 0.001818450816425747, -0.01389317232187963, 0.0022407272324132563, 0.0014536159982941792, 0.010272634435108863, 0.002178399719586648, 0.0978632834312477, 0.00681364764633074, 0.13668230483914517, 0.03776644938620366, 0.015744608621744028, -0.005254772488069102, -0.028670332712089967, 0.030512671774794577, 0.02021997859471204, -0.005731586860979526, 0.10625714048801323, 0.017194273981765998, 0.00423046340537043, -0.030483389181859093, 0.029160152092587, -0.018300015855877268, -0.024542870908480025, -0.006026816687333019, 0.0042492696299589044, -0.003632533008456064, 0.01108369172583861, -0.002677864319709815, 0.0, -0.020365119724736935, -0.00449257930299617, 0.007183123815076132, -0.03638283172040645, 0.006643822180588709, -0.023556457670257568, 0.01056441148039263, -0.025505897276718894, -0.014025590019744325, 0.043914527275643545, 0.029939474706677207, -0.034613384935021405, 0.018627450828533693, 0.034882091242785074, -0.02270735711594268, -0.022178067459381844, -0.021443220147556685, 0.003425104882927083, -0.030601662199686606, -0.014544860760800684, -0.017492989546245574, -0.012642701036514215, 0.012626559414977067, -0.01917842275039033, -0.019658464577604583, -0.04724607260232549, -0.011404254921055075, -0.022863683687750148, 0.08545845904871262, -0.02497021088071939, 0.02881547215441497, 0.04256066448359658, 0.1641261365940761, -0.0022471666449314395, -0.009817186872320631, -0.030352563431528753, 0.001716743071708817, 0.10119694019729954, 0.11162923995294023, 0.049755091354396624, -0.014427276410556123, 0.10175568184818423, -0.03221711157502466, 0.01079541882324068, 0.01448267315798005, 0.024800281685561587, -0.009771175703651134, 0.009855004659937099, 0.0043247471135451285, 0.0033877290237512786, -0.007612188984189714, -0.0066700261253064925, -0.016912718154643704, -0.010497188261568962, 0.007936324177180522, 0.0, 0.005440928882528529, -0.005919157296318389, 0.020547864277458933, -0.008914259915738559, -0.004459339825874082, -0.010027545364840584, -0.0018943361699069214, -0.005659526655525957, 0.006933073306483171, 0.007925626139816672, 0.00032996336873252743, -0.013654705522376596, -8.145219858368193e-06, -0.006985669646331793, 0.0016117073993383265, -0.0066831770741926705, -0.03327057068943872, -0.013173058260691994, 0.00984602148650167, 0.00021103872759985334, 0.04004230988814365, -0.0258850945493442, -0.02567388046592883, -0.006975360351662666, -0.0043191310186293875, 0.004622149900809102, 0.027688295034498624, 0.021533117662498533, 0.03334883600971379, 0.1359189283401629, 0.009606260454831511, 0.06605785697609332, 0.0338588194454195, 0.02083949099874617, 0.13143810327015215, 0.0016708094872720971, -0.002588639445673756, 0.05233729967216728, 0.0070820983671264146, -0.009611136500310783, 0.012454673134617815, -0.007952456296606798, -0.017125717343466997, 0.10314614197289468, 0.00922300235609961, 0.021912346491007206, 0.01860926930316622, 0.00948472555087792, -0.0029421727103644086, -0.007869304017807102, -0.000517640427823313, -0.006064405854455267, -0.00025492536855334635, 0.006391043929566038, 0.013147188297617686, 0.005185398845529996, 0.0, -0.017121464397905538, 0.00657587283948857, 0.003472738163327729, 0.006117594792926459, -0.0023458253095223966, 0.005769036134415653, -0.004016010097781696, 0.007333069785796668, 0.0025390423988087304, 0.10535709577336944, -0.009268833827324905, -0.012219782368865251, -0.016990292119776335, -0.002122397109359115, -0.009555914146041409, 0.009845499967032564, -0.023794051871166566, -0.02012722669219738, -0.03499579459416782, -0.00981665339569865, 0.0238253453591809, -0.005891391565464784, -0.0007577919376518749, 0.1095936149578945, -0.007447689397711023, 0.0336074893046064, -0.0076949064149836235, 0.0011611636825025853, 0.01306357917507981, 0.0403577721374145, 0.020948760443168738, 0.09225031023264504, 0.0078072458073824135, -0.011817640143522214, -0.012182624342074148, -0.007513789486933689, 0.038765210128361836, -0.009371913296015433, -0.004131063214275588, 0.04149161665863636, -0.03181959484026718, -0.012163596823800037, 0.005499410795764114, 0.0004154976839338095, 0.01198491450022239, 0.010784631924151748, 0.015427533176722814, 0.014534278370597625, -0.003484735808361518, -0.02916331922192766, 0.0077736465670820085, 0.018801811950093124, 0.04191587406569509, -0.01632820542374727, -0.009568755845538708, 0.018761565517422536, 0.024272105184944704, 0.0, -0.013994648332452968, -0.0034087893495709787, 0.026551689101860045, -0.012167439150696282, 0.007596013358079277, 0.00042551978159882566, 0.029695290480662648, 0.050647624798878736, 0.018545030918434263, -0.013043099253183565, -0.05890892102772365, -0.0012826857374984544, 0.033488110921860444, 0.11314158630743518, 0.022273946335324698, 0.008007099711663553, 0.08359616597378018, 0.0045353366327889125, 0.022069481437581612, 0.013494219846022585, 0.013970440903695895, 0.04246953386776011, -0.03237000938315329, 0.036056805567967296, -0.008531186121191773, -0.005383112628601108, 0.05041615450293502, 0.07103734786443064, 0.04398514887913146, 0.011368390850683472, -0.032185046078247376, -0.02770918695944439, 0.04586182784428689, -0.00372982189400442, 0.025596447427694975, 0.03642593942435163, -0.0024974737841145394, -0.042685589827717425, -0.041017482903034905, -0.020215232001498162, 0.0018227650343115164, 0.00038052636159057796, 0.13264727521149497, 0.0035448569877970623, -0.023873502945777447, -0.0017506498424463065, -0.0033256846737366613, 0.023203137120778573, 0.005527626919856422, -0.008093568224226442, -0.005618859078334888, 0.015218055095996833, -0.00939780274696153, 0.041585941345088424, -0.0032796797854272772, 0.020476748770605683, 0.0025110286425423655, 0.039742741377076576, 0.0, -0.012368189732326593, 0.007605553423719094, -0.007096211709093688, 0.0161995712902542, -0.013599427662574312, 0.029679084736576912, -0.007096835110633658, -0.0008961921108425197, 0.04339958017663569, -0.04004579775541143, -0.01542489909512467, 0.008314421669317562, 0.021668193207970417, -0.017607036575254444, 0.012854612541904125, 0.06558674076271602, 0.04804488198126441, 0.07271741113776102, 0.003082701864681241, -0.004135181108991562, -0.0016373987389093484, 0.04305976126986673, 0.0964737594853908, 0.0926358659966135, 0.045787154144714064, 0.09900902936904696, 0.0272445267112006, 0.020890261370915642, -0.00285653757517116, -0.027428574067089883, 0.040423968342538696, -0.0183993574752287, 0.011831937344060673, 0.015851474286842544, 0.0482385840281832, 0.07513102035531648, 0.004787009240467224, -0.03728169200087471, -0.01684747680036907, -0.0019235094494494313, -0.012966552941035447, 0.0294948273943877, 0.1474247804163831, 0.07047898502418266, -0.04921895694981505, -0.03339820588080545, -0.001772800123363752, 0.06583301767422924, 0.017255739936781773, 0.002506632487912214, -0.0015368424755364896, 0.027964217720055102, -0.0031674805086152487, 0.00017708983536371127, -0.0059969628921386214, -0.027097063099578586, -0.015087927563647194, 0.01438242534767568, -0.0047203675256438996, -0.004545404141361299, 0.0013389392362715363, 0.02752248513338327, 0.0040553891564456355, -0.007420693031800096, 0.05425650243873647, 0.054421845183067426, -0.00786603131859739, -0.020590654957355622, -0.03245709588811518, -0.014252693131916173, 0.02568119210873669, -0.01609892590294164, 0.06626492426862823, 0.04738370959465467, -0.03506778215867033, -0.013642046607705991, -0.0016472252762779103, 0.015269126725960033, -0.010146233041063966, 0.003512152076756781, 0.0007251683541910541, -0.03218137151898871, 0.09587518156111335, -0.0330720345558499, -0.011567313152013925, -0.0191953366599315, -0.007709215435321659, 0.031383316721014035, -0.012100836019141994, -0.0026477558835649533, -0.004888901983019224, -0.017631536320892708, -0.029818075069414463, 0.07656713486224695, -0.025516257966082635, 0.10072672548463826, 0.03524277427045291, 0.017306097414045554, 0.05353948385027965, 0.016164978773162055, 0.006261089583229272, 0.06939806335645674, 0.017462998311479058, -0.0010746529887526246, 0.06929534616685915, -0.02831873747570522, -0.006739142162702709, -0.028204389531037294, -0.01995443697005759, 0.018190453954861917, -0.0141450329944495, -0.012465721706292534, -0.02931206764553978, 0.00693476595449899, 0.031156666183939377, 0.047922817734956796, 0.0029688006147346306, -0.019518229168580186, 0.014455693717595901, 0.029505167924001013, 0.0, -0.008593035479012067, 0.009229400453827969, 0.0004315897069072181, 0.013739768012687408, -0.02614000515165164, -0.006040163527769314, -0.019366094761177854, -0.015929133022044635, -0.03284285136254622, -0.020758307003406282, -0.0020201931554904838, -0.02006934712298948, 0.010174387130006733, -0.008381934509119211, -0.03598252262662628, -0.016749294069096834, 0.009992740245874559, -0.005726453792572685, -0.0042407098508480175, -0.028988099987970355, 0.0010293132711048335, -0.0031488836134263803, 0.014824462256149425, -0.04968172855440978, -0.02256444099218834, 0.01246657005997854, -0.04318947087165827, 0.05953385513760354, 0.0025301457790091863, -0.02858721836730792, 0.08301234900444836, 0.009817171718832077, 0.11064291544477146, 0.007773134470021112, 0.031626622918641115, 0.12271308974660712, 0.0058455797498912785, -0.04148893449188361, 0.006529794293824325, 0.03198365734945451, -0.021488036040175507, -0.01578631004799918, 0.08062069854591791, 0.10893269693223946, 0.04038563385101893, -0.008047811993034042, 0.031970543856920004, -0.012540006246981613, 0.02293123334752362, 0.06763755348479153, 0.018190760547933945, 0.0014069130615991428, 0.014560039909848126, 0.01475894787010978, -0.02254606328748364, -0.024551509800812436, -0.02596920912466573, 0.009460436959713346, -0.0010809219605616856, -0.00447925588354759, 0.006991226277979613, 0.0, -0.0011025598466518642, -0.006649385602864626, -0.027265132586559094, -0.012526163780138972, 0.011568297658290042, -0.011804413819298287, 0.0022324343905234254, 0.024353880071213176, -0.020443636667408165, -0.04789952480496066, 0.021741264995622345, 0.003041505788505814, -0.0005312305882657778, 0.0562711833149258, 0.0765388682466861, -0.0060908750641934664, -0.010142864881853998, 0.0032988721613462298, 0.04733393122156206, -0.031588405137826625, -0.036699905540153066, 0.07205790498852986, 0.02048710643161277, -0.016717932083881927, -0.027889738616939233, 0.004878824633010368, 0.013465898723989176, 0.04712174796015105, -0.006672510897492667, -0.0025204356150262458, 0.0324904548990909, -0.009054001583601859, 0.022638913958333107, 0.008628023981440252, -0.03408530755098319, 0.026668901261353916, -0.02086106435602817, 0.013709325720641688, 0.005340630443773627, -0.0062029659054599505, 0.07762913471958537, 0.09249179315146373, 0.06118730875517312, 0.03521324615394692, 0.007124026052514612, -0.014687085303866821, -0.025777013002423077, 0.04070947779036383, 0.003266062060763798, 0.05588346545259598, 0.033174088368490104, 0.019477247497753387, -0.01705431893066853, 0.011900360232554875, 0.017853488535062585, -0.0025063437050137963, -0.010185640259629659, 0.005359684147873939, -0.01604139510965748, -0.0021978178782179197, -0.0012729066221708486, -0.014028673565137699, 0.0, 0.002210834297245321, -0.0013983550182612558, 0.007518489435329801, 0.013442342978120183, 0.0202195760711847, 0.06894024898589024, -0.006780349713376474, -0.018166956987380065, -0.019120184164696893, 0.007084228123841515, 0.012583939298300565, -0.03455253287741415, -0.026401208841442276, 0.06325144170260344, -0.03915124414525755, 0.026748077949228333, -0.0030170626099230253, 0.01776293136302942, -0.021080834105936544, -0.019825633798163232, 0.02663766751055062, -0.019922079029677096, 0.12158991938489924, -0.037285194957620116, 0.00822719688802517, -0.010919002437694104, 0.002706495927499943, -0.020728222952394675, 0.11626301392237381, 0.013248658490355076, -0.026457402845697434, 0.05149703612704852, 0.009689069756082087, 0.03892206526804615, 0.07315765928845963, 0.0017899112922976574, -0.00455379639807475, 0.02484593051361439, 0.006841592552116834, 0.07686495348250845, -0.0010196161530293553, 0.07143095618213333, 0.0010079406800229528, 0.06872648734450325, 0.13557414773794968, 0.0682783703778415, 0.006771176429699051, -0.04219915524435686, 0.00319682841155585, 0.0851304755130727, 0.02708029867112715, 0.020930589165031203, 0.016376439295909005, -0.036533216344172253, 0.012824032145778437, 0.03076402641946857, 0.021852334609488572, 0.02185332889102533, -0.016098078115324082, -0.023367411507312797, -0.01169777175807879, -0.0005689763130885356, -0.006328901185530769, 0.0, -0.03402528622831806, 0.02387369727268911, 0.010629436020312926, 0.009986999298721789, 0.03967196561007872, 0.053853044954565464, -0.011772104800962831, -0.0035814354484149146, 0.0142426488224326, -0.004490248913271506, -0.0019121563086040457, -0.016047431049000832, 0.03473948317487216, 0.07886671908444623, 0.018824732020521623, 0.020109797368423693, -0.03001617086833463, -0.02809755431166421, 0.008821520520509336, -0.025959774155862748, 0.0664702901606337, -0.02130880958825779, 0.039856652084171905, 0.031008100253873763, -0.04625148502685624, -0.005592369591609849, 0.0315085371516076, 0.16547799142049324, 0.004057652003461988, 0.010482658712751789, -0.014373352641167318, -0.01236644965670837, -0.0252118114929355, 0.011585120359465025, -0.005799308750202315, -0.005960155234334888, -0.031655674343575343, 0.03667075858954057, 0.00351246563640059, -0.003311918368485584, 0.07397722435115713, 0.060842807085637766, 0.009511483207905009, -0.019391795762344576, 0.05232185989066677, 0.0022693165465837513, 0.010281766741857304, 0.03674656542363777, -0.029647266746454206, 0.1549952371477527, 0.03572860097880623, -0.0006172773706575671, 0.027091664890125017, 0.02103340211844145, -0.018900338023790878, 0.000875190442732758, 0.01626639096474718, 0.0074562582262155805, 0.023583781942399146, -0.028437420306840894, -0.016242242990436903, 0.014651185421569351, 0.016113459577397845, -0.01147097809069643, 0.0, -0.0164539012155462, -0.0024091914623673174, 0.0003646929085166765, -0.0013795149091234498, 0.017498434507254416, 0.0030988925089736365, 0.05723689082576046, 0.016362509699913156, -0.009565945801776832, 0.054004934805011534, -0.0063232861742131335, -0.0016329925179177842, 0.018392765097416386, 0.05088104699082553, -0.015556821634756432, -0.005364576277782748, 0.0833534171874597, 0.05413293903403851, -0.0127045685007601, 0.023646703785649086, 0.06850674970906791, -0.018457057480114735, -0.0017496223958524586, 0.06643483138421892, -0.036934136871532984, -0.01298526842991753, 0.07841159018262849, -0.02554528872414672, 0.1579478725254726, 0.0005457545083124774, -0.008902136680664138, 0.02083351905508229, 0.028008518137046853, -0.01807806569223632, 0.08214687066293024, -0.022072242474913847, -0.015518058025431497, 0.01692001208709981, 0.0021728746118831457, 0.01905077204191865, -0.010755389137034001, -0.035359391628055556, 0.017409063842694205, -0.0038542617293125876, -0.005316288119414551, 0.002497813317160204, 0.06660264176011836, 0.04712033138852237, 0.07251470110087922, 0.005870926605826627, 0.0019887224280145375, -0.026358597534720474, -0.013980885366374452, 0.009838717833689682, 0.014370754731349659, -0.004784502325748051, 0.0472790245936461, -0.03028779947797704, 0.021841568357278046, -0.017070533083845867, -0.0038721845578272717, -0.024659308880371437, -0.0242163662909927, 0.007929182249819306, 0.012392143904194543, 0.0, 0.017654097582547896, -0.006304345541790406, 0.004461677986544266, 0.008529901558925246, 0.004783716131051213, -0.006694182693950966, -0.005295560937886993, 0.06331755054837586, 0.013919105646439594, -0.0007733906674113729, 0.006703561372387411, -0.01770762055796704, -0.014482683068855013, -0.007822455518916558, 0.0016966617643016364, -0.008840588475011379, -0.009843783880877189, -0.02404394765025787, 0.048195096240419115, 0.02347234980634358, 0.031542557014868695, -0.030630937749618448, -0.012521184277608191, -0.022341268721449162, 0.0031645594696302908, -0.028051411836124966, -0.013006129641355144, -0.03292321140482791, 0.0022130172561965703, 0.009010575722117647, -0.01707508226939948, -0.006198546660084855, 0.0009871101586497425, 0.026268708537024413, -0.00012169374267745036, -0.01887407123550301, -0.001577940437348679, -0.005509710859125301, -0.014401271582678177, 0.040298414261604215, 0.022842204018250767, -0.01948618053278094, 0.00924758476451111, -0.004681978621859919, -0.043040331090909, 0.010347100990699127, -0.002691342094373184, 0.023177483950790806, -0.02619050176017874, -0.0011095617219545114, 0.005133833043063283, 0.01573444291010475, 0.028238991762763017, -0.0047108267964617225, 0.0029007088131009187, 0.02546517067950031, 0.035198224512638224, 0.002551053045905874, -0.0012494893551883578, 0.008778197758153864, 0.008734465384705133, -0.020920567812380098, 0.009588048457918684, 0.045324531783563556, -0.002793676453476872, 0.019644759120612736, 0.0, -0.04319634175097224, -0.022653332835026567, 0.007402684408824025, 0.0998154366558304, -0.012694733102265201, 0.005723712235083849, 0.055505278867259776, -0.02866173166350651, -0.0008281041637796363, 0.008140157206673933, 0.001731584677824105, 0.03938925207736569, -0.013721295462529357, 0.008213174385680857, -0.002099799321182409, 0.039186381999806286, 0.08062216021185975, 0.02078025088985321, -0.017086076019732763, -0.010248602309708012, 0.004579837683427623, 0.011403044390499292, -0.02833062633969941, 0.020216639763983964, -0.03157791742843496, -0.0032182648820749376, 0.006740291576537918, -0.012497931535536888, 0.04377111307178427, -0.01067854882389615, -0.009800275140640635, 0.06284131015239051, -0.008253303003378872, -0.02546417739997569, 0.012336836880294754, -0.010486375787801379, -0.011463112136214338, 0.025121891525599082, 0.0010583810629573216, 0.018584437645752447, -0.006190894646948836, -0.020169064509831757, 0.00441900198355081, -0.037075894691983614, 0.004864205851260412, 0.0017304670303291713, -0.0005027666322785922, 0.038982805533791284, 0.015730826571486393, -0.0036342104632712813, -0.005799593459106053, 0.04361773860772134, -0.01773253793987349, -0.03942524463668276, 0.09286898242205034, 0.0514060213509777, 0.020119873925622478, 0.014719820073511827, -0.001404653957670042, -0.02405126648396004, 0.00794957286058052, 0.01804045325336517, 0.0044835027829385485, -0.01061860483225424, 0.02442199803998167, 0.003117466315073368, 0.012802778382161805, -0.002095821394285782, -0.0036122033057787157, 0.019300132939483745, -0.02620273828239377, 0.0003954592024974225, -0.002553559800439574, -0.0338164761734346, 0.009521498345662663, 0.11398488580659132, -0.02850583407920941, -0.0018484665783380203, -0.02482817273268075, -0.01351899042197748, 0.022157735208986448, 0.023550066936409795, -0.019036596284795225, -0.0081343635387042, -0.01494430047467266, 0.009961131249654974, 0.02825416911640636, 0.03978213589613028, 0.0014158783337402346, 0.03873456706377799, 0.0004182029590662056, -0.029790929382779857, -0.009343315019159299, 0.0004656161666728798, -0.026275484206605273, -0.03219482581480464, 0.009984903284439637, -0.009825042780338647, 0.09706502125666268, 0.009902372606842576, 0.03526247654485433, 0.08816489098748516, -0.015747926196210682, 0.07582501465229416, 0.0007592718949550309, -0.01818279772648455, 0.0528317287006514, 0.060424579743802796, -0.023371955685547504, 0.00412689571691755, -0.010983020868630367, 0.0017830820746438925, 0.044105955892390886, -0.013465626390838455, 0.021176319820246117, -0.013754982815928546, -0.0031031673255535225, 0.04192221856817562, 0.0668230287627988, 0.011937142721912427, 0.03949683652747879, -0.012065387993390013, -0.007066400292594396, 0.04310110957295688, 0.02136152968762186, 0.024743514266066104, 0.013610549464141707, -0.01760714119019303, -0.012914944814414938, -0.004608677840244426, -0.011887853299545711, -0.02274682606457725, 0.021790439623023787, 0.036527596201416594, 0.023798761058970472, 0.001504920882457918, 0.0, -0.015416895520864088, 0.0014829001529574313, 0.007966523273180853, 0.005312881185710837, 0.018916892244740545, 0.012301605490683007, 0.00431849642311781, 0.0039831918470746245, 0.04098188210455905, -0.02849024069144226, -0.004398428064845955, 0.04152280385022821, 0.009760818489684011, 0.008403543728894777, 0.003000559518478717, -0.005861139862846478, -0.010325088603324952, -0.038560973088898026, -0.005348500402496377, 0.004477894741553249, 0.019295512778807145, 0.001657972314334512, 0.00315978641529877, 0.002725625849122147, -0.000651874452364797, 0.015887520962381253, -0.01203112111612766, 0.025206457692070854, -0.002972983165601229, 0.001080680253057873, 0.025206085454983936, 0.04385067202427821, 0.00013388365557587075, 0.02234708354377904, -0.01979679978854395, 0.007013244367382118, -0.02457984538862175, -0.0013638367018994437, 0.023283197550486096, 0.08673155967771222, 0.03115067668431031, 0.009335244550663351, -0.00906693596506583, 0.00953076249974888, 0.008146365736557682, 0.022593606401819736, 0.023199433202401826, 0.0025105362460312976, -0.0016687505235655161, -0.016000478146010747, 0.003872677984813156, -0.004773571764229481, -0.0008565898746415437, 0.013188413655455377, 0.02672709796139065, 0.02099227148347782, 0.0121069710321969, 0.040131481341402084, 0.024719243403353602, -0.04192769608232982, -0.00015696101434706068, 0.0005137796925128841, -0.022934076034549177, 0.0077595752830651255, -0.01725070799032584, 0.0051699694480212685, 0.018187129960523223, -0.012245347426053857, 0.019687373682842065, 0.0, -0.02896324470767509, 0.0025862748581634955, 0.026970965019007875, -0.05020588513843687, -0.011149562410114434, 0.016567669350395057, 0.019477713560890866, 0.04966133766508892, 0.09092271955205271, -0.005278985452913615, 0.018187446888745726, 0.08767447708029918, -0.0021726996895155793, -0.016912133484722966, 0.002301333729283946, 0.009297568996941953, 0.0002242124287268499, -0.010356911099007934, 0.006694125318270361, -0.02328969206101505, 0.004960469231832047, -0.011806812747933075, 0.004352968822342566, 0.010639279461692663, 0.0037013580915080595, 0.044017812324247216, 0.01901828623376226, 0.009271568416570269, 0.016745784717335413, 0.017265815831527163, 0.04576316871106367, -0.01994636237705835, -0.012939184770360814, 0.006080763708846718, 0.007227740749720095, -0.0008470013472739144, -0.014456614031369747, -0.0073355052447089415, 0.02064644933629673, 0.00612938823530356, 0.012308471234370044, 0.013854530976998814, -0.013791037213089599, -0.01406063113336377, -0.003224689663682527, -0.0012272446799817644, -0.014559348524634051, -0.014580409305847855, 0.004991309218712024, -0.0014534485259487802, -0.011910902577118175, -0.024741436532906315, -0.01755769002969572, -0.013374343250356788, 0.004481182431434287, 0.047698894337628014, 0.005425665183047288, 0.0037643791285180243, 0.010354324494866124, 0.013053787323126644, 0.014136807547739083, -0.003735346677697861, 0.005137307658671856, 0.051700603003827186, -0.046177249314253946, -0.035721704317759236, 0.006717317743071172, 0.017820179093206028, 0.0025879744799231254, -0.013911421026267285, 0.0, 0.00040978002908887047, -0.017188043774852165, -0.010119496593578652, 0.02473983325056702, -0.011581644054578073, 0.006787903145952345, -0.011547492866971012, 0.10154657879431334, 0.029267804641056917, -0.019637044178838232, 0.00030646565405242476, 0.021628375805805577, 0.0025940659930332476, -0.010848246931167153, -0.015131209967603912, 0.0015563483941898513, -0.02246703413421982, 0.012311896669715315, -0.01812277000255768, 0.019148121244495935, 0.024486440656519785, 0.04752779202180325, -0.017630545240836938, -0.0030613105575903413, 0.03696170538858922, 0.0235533788039698, 0.0017449163681993052, -0.0025884175025450225, -0.002213394841125926, 0.030234767471917983, -0.0001764759696654805, -0.004357848849847994, 0.0011531189053252604, 0.0864160149991001, 0.01905005176289167, -0.011763196396315614, -0.010650822324980543, 0.005590306934988022, 0.002407361203136558, 0.01978643208426563, -0.006196525223908799, 0.007377583786476592, -0.0016789660288412007, 0.012375891931631012, -0.00012550514542899704, 0.00530546286776104, 0.0043209697180765306, -0.024975713504144043, 0.007025291170760877, 0.0038452257518540637, -0.007360833029931158, 0.00424780706201069, 0.016819858134017634, -0.004376386285509244, -0.0038230748324069074, 0.10729623477009703, 0.0001321931581275495, 0.13354644362122167, 0.009705344429431698, 0.02673586754604919, 0.02314161511463026, -0.008078944412300471, 0.012753027329229965, -0.024677142669738673, -0.003938507542788493, -0.009765809535461576, -0.0004927991035183296, -0.014549847556199761, 0.004908705577460967, -0.03327019824690962, 0.018343073304897674, 0.0, -0.0028824231499667632, -0.0009607589919131368, -0.00765806461448207, 0.021469795732518365, 0.007394621918336419, -0.0010158547664582337, -0.010441217838647234, -0.004462583640734781, -0.029240228541728898, -0.001436901280911977, 0.009623613847899497, -0.03181019513115103, -0.0037632212527897997, 0.013191378489526439, -0.015025734843143835, 0.004679714840576499, -0.014357993663691776, -0.004695731699690383, -0.00705002286212035, -0.015192105238894311, 0.000915913434009495, 0.009117582172102604, 0.005620130893583686, -0.010633545375050306, -0.0012772127234236927, -0.006005732481386852, 0.003900482578121948, -0.01595094802881038, 0.002834239713104675, -0.009560473847658906, -0.016915129793498608, -0.0001924908288553227, -0.019145825680649826, 0.025393072701547104, 0.008901716205461357, 0.013713274389281787, -0.010600481935087247, -0.04126331392891109, -0.016019798841182483, 0.024964905145475506, 0.01268900721225886, -0.0009716089025320698, -0.01465338048834267, -0.021990514605211904, 0.019302302359805203, -0.011154226597110817, 0.04629070008490997, 0.016743399302248038, -0.026396575148759493, -0.008431790363203406, 0.017561500061061313, -0.0032191015323196244, 0.0159862628407618, -0.013357432275416635, -0.003633316658112243, 0.007720334491240115, 0.006631110171144792, 0.013675446620408682, 0.030025352928983035, 0.0804212807259456, 0.011536381779816062, 0.021621225823726723, -0.0213495454089575, -0.017786529068576057, 0.02924609593668822, 0.013875616900231874, 0.03845184698352157, 0.010099446110105157, -0.0026100477841724725, 0.015994939406725948, 0.011332580979518652, 0.0004393523237892564, 0.0, 0.008857539089399655, 0.021232167953957014, -0.024928073532553628, -0.008515733614585023, -0.0016686483374711, 0.013813547514596758, -0.016714862552721203, 0.054368261538937174, 0.05683046808297869, 0.024467582604090134, 0.034154783126650365, 0.07926438144672623, 0.0063170826863967995, -0.023438580316926895, 0.01249075694927217, -0.016437481576383646, -0.012793120038096831, 0.030485696385933743, 0.002033966451952617, -0.022219085169198956, 0.012977631371607457, 0.03762104020368446, 0.010047983176985723, -0.007644944669493438, -0.009455628966287308, 0.013436699590147714, -0.0137057276974062, -0.013688306631596966, -0.0008142150985309531, 0.00545608389679739, 0.02301192837813564, -0.0042295553693201685, -0.020050597451354797, 0.01628032093640336, 0.010426596508644536, -0.01133325590891225, -0.006367676807710813, -0.026077088404368096, 0.06207288396132628, 0.01399311241149513, -0.028038771964976745, -0.027369432253041868, 0.02146153706325391, -0.0002900567173675811, -0.038612614900274095, 0.019402133926060487, -0.001912639644227244, -0.02669131216610975, 0.009068285829803792, -0.03285196226512517, 0.00520324648676519, -0.034708222790995176, -0.010463578933349522, -0.010208234692708805, -0.013476806152132145, 0.01499327900675424, -0.02569869217744968, 0.031844290273200786, 0.1813400841310226, 0.05144272011224761, 0.041167775305594845, -0.009994345700761418, 0.02693115867575703, 0.010910559862018937, 0.0036873116046258164, -0.016533139337416864, 0.03345640382621623, -0.006640469048010322, 0.0009341010497211026, 0.015930651575132508, -0.03439350211378116, -0.027639691700707576, -0.006596631107871552, 0.0, 0.018748325976908942, 0.02620850950859292, 0.015361555022477569, -0.0026044215329019444, 0.014265581693790498, 0.018231294850200128, 0.07416732261202752, 0.03139645537146526, 0.017557389904253345, 9.462855187676303e-05, -0.012166469921134732, 0.0050217154172847315, -0.01532302635173988, -0.0037395583998647655, -0.020089767016993602, 0.014690653823663519, 0.025526270863011763, -0.001285220776495915, 0.036149346153880664, 0.021326213350461618, -0.009573345448044985, 0.015067664012898534, 0.010379675256863199, -0.010675787212456399, 0.04156722267151525, -0.002375054951603465, -0.04803843280148391, -0.025801701833148474, -0.0023397807050644227, 0.011258790912104152, -0.00791251900717932, 0.024910223900861846, -0.023426855636975327, 0.0017455971392798073, -0.011795799741465884, -0.022799721204375508, -0.01206663252291956, -0.007756350759026103, -0.02687033885059781, 0.008553556993595746, 0.015997331480888832, -0.010701390792265454, -0.013976863785867977, 0.034144135716500136, -0.0036668043273703874, -0.02566494805908933, 0.0016031784348854944, -0.007261633586560433, 0.0021320579380281215, -0.028742124448031366, 0.0068514066085542825, 0.00204450731577639, 0.0188508760992683, 0.0010579605888770697, 0.002320883367599718, 0.037728064114815295, 0.07881875257270168, 0.04132742227272716, 0.002346658110971988, -0.026963016842434157, 0.013185587365465384, 0.027094532796546382, -0.026765104596509135, 0.0296484825048444, 0.008368515106528543, -0.01815270493854332, -0.021053732685158588, -0.00518538821094969, 0.031430139632322794, 0.010115710077908922, 0.02478504326621342, 0.02804473565037063, -0.029657578542534115, -0.019072751991199868, 0.012066946682847694, 0.01804463567749163, 0.009299129957520238, -0.02580195151846431, 0.028773495274109214, -0.003286375404262337, -0.038294814695822826, 0.017870414837207426, 0.008512016429692957, 0.045087041371348696, 0.02123583657238847, -0.019103131076974863, 0.059854656275332596, 0.00796620125345483, 0.016039070969943784, -0.002382391589212796, -0.01639423319606554, -0.014828267461002924, 0.001666423915099515, 0.00029813425454448795, -0.011795660082142096, 0.010064377952993869, -0.010160485711407156, -0.0164531329243982, 0.01068674303194691, -0.01156385249605889, 0.015061854062729762, 0.009782857433834415, -0.01394451433465029, -0.004497367360318137, 0.012981093115216677, -0.021504559455196966, 0.0062821221323777635, 0.006484532661431907, -0.02957268570878604, 0.008244712351565134, -0.005728188997402097, 0.0049472283363442785, -0.016814902503320798, -0.03169909272732779, 0.06254939249033302, 0.043588014482149634, -0.026981437672345843, 0.004484827148067992, -0.0016972554311531637, -0.008293740503582296, -0.008500673029905377, 0.006873833775256618, -0.0044752316258114214, 0.004809527177344212, 0.025577308768468872, -0.01781452721356796, -0.02271547600536343, 0.005332855409616298, -0.009707720632515019, 0.005576615873094743, 0.07042860320948892, 0.08776825426735912, 0.02413557891554278, 0.08314326611327266, 0.15117354931538463, 0.014167703653728396, 0.007385738188023134, 0.028463226550210607, 0.156361314339219, 0.019103410471606627, -0.0010503002728446853, -0.022007040312343705, 0.012173798161511436, -0.010834650841983729, 0.018976188980294066, -0.03073307003397501, -0.002893847053738078, 0.010619986424990542, -0.004357667425302948, 0.01638852596892182, 0.006685825894557901, -0.009103352645441475, -0.017142020313872672, -0.004128983566126515, 0.033684974793465904, -0.013859056221980696, -0.0003189027016891484, -0.028375808627570574, 0.012848854120739106, 0.0323204086155282, 0.019202704116449986, 1.51099082329909e-05, 0.004093441639871164, 0.04847006540303651, -0.01810587568922391, 0.10759773625009528, 0.00995015597506191, -0.005777257541760691, 0.005783594889034355, 0.046433316431470695, 0.022648055122133973, 0.013478405801911992, 0.032951625261014715, 0.008096086392755488, -0.016779225153464753, 0.0169981641299282, 0.021201081516475453, -0.01510432605924336, 0.032498605154212025, -0.028435066468981387, 0.005586070181657665, 0.08276246536977676, -0.00979016421300136, 0.006835849251642073, 0.04359788628900516, -0.021879559481592637, 0.017652175867171223, -0.007357993672919115, 0.010003944208781725, 0.051595261854267764, -0.012853496585954489, -0.006676905887925882, -0.0006279224843843685, 0.005110394510799741, -0.016373516453900838, -0.026943324692582243, -0.0022585544334910836, -0.00047264511515610785, -0.02213701032063066, -0.005423860786109677, 0.003949310448876452, -0.030433855261742457, 0.0418626503863983, -0.013060407902765737, -0.00691108464565943, 0.0012394570195270389, 0.056126643831206885, 0.010527658582214518, 0.08710111214139414, 0.019942843422631685, 0.06729109753538225, 0.03842958521240093, 0.05547896349464007, 0.01587302661185149, 0.014170142184436647, 0.029930178736090402, 0.02462850656346372, 0.02977034475675376, 0.0333330616511319, -0.005019449123590305, -0.061943168236750154, 0.012271814800968542, -0.009115113486499014, 0.013963998926401376, 0.03508734667287719, -0.01683149414899562, 0.014486947597458248, 0.0, -0.008528195465642149, 0.01391731197651337, -0.017401544024031018, 0.18716547036624953, -0.024105082447212413, -0.010125078626005988, 0.05088076981170081, -0.01147063769928125, 0.005497459756821493, -0.023505256626150262, 0.020646980504487163, -0.020671380821209066, -0.011378472230391611, 0.011988782042436086, -0.02179900507698694, 0.0006676153332360328, 0.026367785423235535, -0.00746648313469273, -0.0005406164613232376, -0.010702958440670712, -0.012872618364343344, 0.023761990508498712, -0.006274781966162339, -0.008504195703133589, -0.010422481491449889, -0.018123157542986646, 0.02119134043203125, 5.354081301808278e-05, -0.004391962280362104, -0.006641986696274861, 0.006511690692118391, 0.00885519829589829, 0.0019312869279694716, -0.0012401033093233868, -0.017373121750410527, 0.009648753152982012, -0.0076551307876983705, 0.024060284715999605, -0.0041927648180431374, -0.010702912879830889, 0.008681006868164975, -0.009792330580811144, -0.0004011395691592247, 0.007877058693615852, 0.017971299910972908, -0.003567388589307673, -0.02197826766430947, 0.009650942292123467, -0.018483535961343014, -0.019806583889990872, -0.0037570476447147828, 0.022875773372149015, 0.006419743555749341, -0.006580203025648731, -0.016406550926234456, -0.011087336042349141, 0.10872115444179258, 0.005186165032741683, -0.05968394309643709, 0.003081415090066616, -0.010430125580309448, 0.04491893894234718, 0.014841803938224896, 0.06665103457919451, -0.006198316217730414, -0.00499355823114352, 0.011279900703145445, 0.00700300079712473, 0.011010889045221163, -0.009871099688324414, -0.02670141724424352, -0.007280236951769014, -0.020821326778646922, 0.005776343429863769, 0.025757944699369588, 0.009788002520633596, -0.034573714988790354, 0.0, -0.009079858974239127, -0.0027549641875809264, 0.018366770562868177, -0.005555765220217955, -0.006651347291107172, 0.0007011388294497728, 0.019557684029456457, 0.019967287883241373, -0.0013201235752154778, 0.00914419612585399, 0.01652247110246551, -0.0065255200033137424, 0.00023953917351331148, 0.015649311574953972, 0.0024616082653980817, -0.006960379166526705, 0.013526223445865272, 0.016885773039095085, -0.012779970012115324, -0.0004813260512200045, -0.005547977293194166, -0.012694390320256328, -0.014114835513957424, 0.007568939820987547, -0.008327310929623926, -0.002415481041131325, -0.004619407820118787, -0.027039353507189424, -0.0009283974024182111, 0.038418836044170984, 0.006836774728926495, -0.0019799865955194736, 0.0009389724294763208, 0.004337680001266579, -0.013044974189668894, 0.027945997044427656, 0.004983113433883246, -0.0015988328384814608, 0.008049746813377478, 0.0013608262915181326, 0.0010038831417527726, 0.01601526586199118, 0.00030021792699736643, -0.0020016955980797853, 0.02043651806156146, -0.01382519536486669, -0.0213902441957741, 0.014087965137180912, 0.011523552205664395, -0.01183310075152692, -0.009942495231322726, -0.004359506477632025, 0.007128289924895018, -0.019324369734171728, -0.018447018506766995, -0.011092564073922827, -0.029222005928810343, 0.013104772518981178, -0.0026988469099349342, 0.012838854174885377, 0.003943804161954264, -0.021684669775648705, -0.0013907942423079902, 0.011453461707795003, 0.02079674271012545, -0.018335141454068435, 0.0002781655500367853, 0.012499432116127385, -0.002684282917824479, -0.005545798188705182, 0.004972628537611709, -0.017111835917393636, 0.005835454329462805, 0.01021073634657936, -0.016220816922698392, -0.023663387082712633, 0.014805205496677753, -0.00824533448068272, 0.0, 0.0009131699231278225, 0.000809923773498983, -0.003531285519176837, 0.01740888691375525, -0.0305136522836716, 0.015119978849771612, -0.01366435155692704, 0.0024796360227819308, 0.023466701637845647, -0.03612092461992944, -0.028626996155345075, 0.012963767548465819, 0.0121393628648163, 0.0016740077291014586, 0.019690110675794785, 0.022955152152264614, -0.018439059781041333, 0.012860649363776773, -0.021126032716286165, 0.011289771752579366, -0.0072825047666357865, -0.01235765194900425, -0.009619981565122875, -0.006604218938024192, 0.0007955928606609817, 0.017168164770550724, -0.0188993445412995, -0.03181237766191779, -0.010305904609103774, 0.03288673765511179, 0.009449190007014868, -0.021976560281425656, 0.00994650329454404, -0.017144919174241328, -0.0021285673260812666, -0.0033901057320417415, 0.014748683749508947, 0.022216821862163203, -0.006285197869026865, 0.0029854231507733834, -0.029889642382966767, -0.002089338547826905, -0.011638465422619777, -0.038330625003575126, -0.004633458967568247, -0.008652362752698296, -0.019962869972779317, -0.001678593448953662, -0.006719097194611856, -0.014323635843155078, -0.022649115359459574, 0.052339420958822824, -0.01220436733432042, -0.0043552094308081536, -0.02453084738990036, 0.007400084406994898, -0.019803422157344146, -0.009438505400381936, 0.0177940991509714, 0.003640462638279644, 0.014571461877053691, -0.01596465831138986, 0.00439923345189103, -0.0036425368775171423, 0.00867818996966635, 0.0076637593063180205, 0.01702067740106787, 0.05120295598456592, 0.014841774388973291, -0.006764163610589294, -0.00468735881878872, 0.0001413497167935568, 0.005673047218301394, 0.0029162383905518645, -0.0013743548869273145, -0.004347752466273804, -0.008548626637095644, -0.02574380954679631, 0.012564176778144713, 0.0, 0.0071690964022888245, -0.017430729230079267, -0.027049607045429254, 0.02157711425780557, 0.011147850287665918, -0.016445167973808822, -0.005916986927749908, -0.008518079504765559, 0.015604022671727679, -0.015135941123337214, 0.022021050662545068, 0.0034404805030128554, 0.018565302145366634, 0.003933679575513914, 0.02488939663540589, -0.006906010000152014, 0.021940124745643785, 0.009238075957739022, -0.010063168421335377, 0.017751682936990594, -0.004529277083754914, 0.013642925669658048, 0.003815563183639529, 0.010639877377188002, -0.008318911327147563, 0.02618005987908504, -0.009534401439583468, 0.011527279013667822, -0.010658981287265114, -0.007178155168525664, -0.003554271007011463, -0.023383524965354067, 0.009273207662163276, -0.006450007021318622, 0.017984437504750928, -0.015004246737185367, 0.051303736315689616, 0.008794495569895503, 0.015600954378732726, 0.008356220549144967, -0.015602760054514324, -0.017638553706719858, -0.0018897768012848557, -0.003901756917035662, 0.013331856359600242, 0.011054221456423844, -0.0022323685161246528, -0.012373004582309272, 0.0027902912623294484, -0.008535602015058777, 0.0005408284137975556, -0.012425584438562128, 0.007080811789590109, -0.01799852772939785, -0.016553711061059885, 0.0021848544055585186, 0.028369710923793454, -0.017306209299453514, 0.048033773870735035, 0.022123227925653105, -0.008637972520786586, 0.002347526742660247, -0.0011493442403635208, -0.0029131804447759787, -0.003783389934398475, 0.02635176363783008, -0.0010016252955728586, 0.11327709817449413, 0.04319681242299782, 0.00922967232762208, -0.012080211862978914, -0.01713472683387715, 0.001934879406619181, -0.018589300153933064, -0.010516316944296548, -0.022116159615828114, 0.005414430050676533, -0.0003600878502872846, 0.008243287169695461, -0.018782113252667685, 0.0, -0.019258185619543153, -0.03172995882925609, -0.03791914339876528, 0.030729055465143082, -0.021797855521281183, -0.014711511004830409, -0.01644015621904791, -0.008671350516501409, 0.0041272437326959665, -0.006983403423838414, 0.017128170214442733, 0.028878719093285984, -0.0008434771844634899, 0.01735398031759908, 0.019781095948176463, -0.013180083579616359, 0.009518631247062708, 0.0007111055781746376, 0.004741489250719689, 0.010602650178681462, 0.056860523612621124, 0.01625681681021299, 0.002507070350519082, 0.013085559523255923, -0.010985163860904108, -0.02735176308952157, -0.006068676521958139, 0.0039817778875252995, -0.01186367772276286, -0.0014865827087009345, -0.005268038028410226, -0.027113071321903767, 0.006257616897068136, -0.016696643244440305, -0.0031468471653479297, -0.009412604608681286, 0.21468485928982534, 0.019182177375252272, 0.010774818525917591, -0.0012104612154741755, -0.004092363288439652, -0.003448663986087067, -0.01073887385241932, 0.01662806215264009, 0.022237632253774314, 0.0034592454034807264, -0.008882969288791214, 0.019274737851344342, 0.0010116164295110304, 0.005632139929040919, 0.02526727940695602, -0.0016623618550834958, 0.0010303659232372042, -0.01808939398067921, -0.004199678224566593, -0.026181275301873932, -0.020666639747024238, 0.005515698657799143, 0.017705934697920356, -0.010202184742411007, -0.019889313946776153, -0.006560281442110271, -0.03020480721403796, -0.0017902625080565954, -0.009142053785118322, -0.0002411710503818771, 0.019446583888965984, 0.042994656635288335, 0.11157110106693942, 0.07440235237720705, 0.015347551725654753, -0.011861998147479114, 0.008334095045862694, -0.007697032795817391, -0.014010080811960068, 0.026318792709940288, 0.006210352164439196, 0.007935589595265658, -0.02138172522242738, -0.009562061980104607, 0.011672961529311698, 0.0, 0.005898298661490976, 0.0006023876743921011, -0.02848110316220203, 0.005395287424653529, 0.0018372956107992324, -0.007308851019211252, 0.0015762439549829033, 0.006112448086301573, 0.0043170618195766605, -0.0007286380746666229, 0.00019095766262870165, 0.012654656284915241, -0.005148047630753642, 0.0033644299044499285, 0.006131807126370281, -0.011201355512798489, 0.013303485440617019, 0.0047427076974687074, 0.006742327106664639, 0.019618830870563753, -0.0022993200944250655, 0.02130583675321413, 0.014687458489383949, 0.0025333090176299735, 0.012177699773489137, -0.006902659619143315, -0.015976100416723, -0.014530686428325546, 0.006154318899607681, 0.04512875477394499, 0.007023372944395883, 0.018656329272296004, -0.005280583454666914, 0.002816673445802962, -0.024458040998401747, -0.014160177514116353, 0.12270345403613808, -0.005987982368974324, 0.014531149079636405, 0.001356045739875778, -0.022838028412221986, 0.0030245976536687432, -0.00909121380426222, -0.004103769889873438, -0.01590091908084392, -0.01617160864775169, 0.025698044560589123, 0.008496526048778309, -0.00817519823949694, 0.003053278698067739, 0.003972544367322065, -0.032357737677641565, -0.004455700158819594, 0.012573278147718348, -0.01945200915500433, -0.0015192995683096363, 0.009848192845623898, -0.0008313793160922043, -0.013155187263449547, -0.005843596746285622, -0.003891452319588742, 0.002590400258296025, -0.025932680072179356, -0.0028345285949980276, -0.013446421122968734, -0.00391180132666345, 0.014232744055594349, 0.10534960242142107, 0.08209720022124374, 0.10873888229058289, 0.149357714373511, 0.02698605204197243, -0.017240088432584837, 0.005534933391798241, -0.015091999125747334, -0.0008470111224497221, 0.011336315479647864, 0.004277238846194979, 0.00407280250420916, -0.015000594540968464, 0.0202848835954372, -0.0009171097659026801, 0.0, 0.0009329296226454685, 0.00556567333968536, 0.014604303111858853, -0.003623686327278426, -0.004349760292282092, -0.02911454164500029, 0.014824507304139263, 0.0057653601565626645, 0.009340099809011477, -0.011814246469362305, -0.016149523240365088, -0.02295448673267504, 0.02939358363679334, 0.01149144148308237, 0.0024445300148291244, 0.01572982825823833, 0.020913729208916713, -0.007835434052292837, -0.007499434956774174, -0.0007139924508367169, -0.0286178060858953, 0.013437119178614633, -0.0021030925528986466, 0.0035082699176256964, -0.014632085443969342, 0.015877163034058377, -0.005058621891079408, -0.026146096117074424, 0.0088009928660194, -0.016578779616658622, 0.019730750266062087, -0.005427643345751133, 0.006699080383328382, -0.027214996924881385, -0.004769296056644742, 0.009458139546540074, 0.06992118007679674, -0.01414322015975632, 0.008118836887491217, -0.027383382215938164, -0.0051669499872307205, 0.00828779124811051, 0.003433992050247302, -0.024267737287967762, 0.010726480711207464, 0.011013938683739535, -0.009493012848116133, 0.021488514347968012, 0.005521463185978973, 0.003085251997187535, -0.009469805546598284, -0.009314550532258369, -0.001220407856599809, 0.007896856155027434, -0.0030186262276021185, 0.02392996379709069, -0.008682970221303135, 0.014179793644946448, -0.008080058336443515, -0.033759185438658704, -0.03597628849756015, 0.00335766813766479, 0.0027803217670856373, -0.026780593597514512, 0.018400696525012868, 0.005760969220462723, 0.017992550358104323, 0.04317587552813034, 0.02967349156476742, 0.05517521995542289, 0.019120509129573558, 0.0486274017129069, 0.0195248396991885, 0.0023551206989782763, -0.0023385375743921206, -0.017087444926723084, -0.022821920743986066, 0.008655881911006101, -0.002085316416499647, 0.01627697022606963, -0.0044295413499273635, -0.006532678215765422, -0.004870557204768834, -0.005331883542939198, -0.02002609591105753, 0.001729406026554268, 0.04219182693236835, -0.011334639527462768, -0.005992770953924692, -0.015526318743065976, 0.007534344474076137, 0.006508062234302129, 0.012500084153058337, -0.014165061929131738, 0.0038099766892321727, -0.00948225715510078, 0.02198963562324085, -0.025670937522290296, -0.01728583439899374, -0.018960660567937982, -0.014960009163987802, -0.022702726998836357, -0.026806209563388958, 0.014833262479409817, -0.03659519125499805, 0.016197735305626317, -0.005895692233677271, 0.006008837294494565, -0.008191676333972105, -0.015058336473941671, 0.015645319823069125, 0.017945268845733255, -0.011959961901788982, -0.003001100225200416, 0.0017036249567604043, -0.013078724131357468, 0.013386187088662885, -0.0043402016020285305, 0.03014463863743764, 0.023013082673439184, 0.009288289048871825, 0.05913847258882959, -0.0076917121623222345, -0.01944417952767679, 0.0031759696788805814, -0.0014764290481112947, 0.02925883833604712, 0.01356907136029775, -0.007859830283828978, 0.018803285638560676, 0.0005472860925928418, -0.012929328347020794, -0.011767010078785901, 0.009843286329611393, -0.03686220295138977, 0.026072283524245846, -0.004188442375671776, 0.010127735205813589, 0.01485277418399669, 0.009505968644038515, 0.005916962927957227, 0.004195404357843538, 0.027617031674218844, 0.013493137084082842, 0.00133583512803051, -0.017047189103991084, 0.000536667486324394, -0.015572047700364569, 0.037080991951981675, 0.0004770687538745771, -0.0016585318145270758, 0.07394462483050736, 0.04949273272155345, 0.11059560732950159, -0.003128344280645981, 0.06822036102651173, 0.19187478035631558, 0.0176165368632677, 0.006220118256270829, 0.025797202920711568, -0.004895344206511076, -0.01243890827347452, 0.016729492397317806, 0.02378793046258031, -0.002241151158201231, -0.014603490330607998, -0.0009941296287666245, -0.019764894723973126, 0.004997734584542987, -0.015498910990392734, -0.023093299397435128, 0.019987762271552995, 0.005352434144999673, 0.013418894957766131, -0.010511837862871343, -0.0033492121209624014, -0.023965845122522405, -0.039084678759382215, 0.007578578128330002, -0.012072190125807979, 0.008845407161851115, 0.009410159422390114, -0.009951585965872962, -0.0006123801443623112, -0.009303499273703048, -0.000801321169790227, 0.010050068585940148, 0.008223156415558588, -0.0022784578756083634, -0.01126501511643481, 0.012351215277750759, -0.022052931084470043, -0.01148278388198236, 0.004318944723230756, -0.005085735192921523, -0.014271759471629472, 0.018951938315621888, -0.03468320080027347, 0.05962780680674224, 0.0027431312713951713, 0.052014729849208644, 0.03719945281100707, 0.01353930784640397, 0.03817818865879617, -0.005073034369643539, 0.015486046506211033, -0.02902145480430186, -0.021881699811687794, 0.018790495350052106, -0.007918863480885005, 0.003225212501304634, 0.021011444225414774, 0.07837251732208309, -0.008587620258793276, 0.07243561146269298, 0.05400296060965648, -0.002341955922764342, -0.0031055642972469526, -0.02488945286350071, 0.026091869618794138, -0.001782831396375457, 0.004902831921666092, 0.002366327668615475, -0.00793091310076251, -0.022898282488015075, -0.00985105980154656, -0.02947819640488922, -3.4134342106080385e-05, 0.0012026377321498838, 0.0320653927566791, -0.012446447531718068, 0.008188482013781456, -0.020958350318567305, -0.013656188858684535, 0.01777744409601986, 0.014840720075257385, -0.007962980817326977, 0.03779350697600689, 0.10280106390079125, -0.011287606605901916, -0.01303741144238015, 0.01672233727380658, 0.019805655429224755, 0.013155436476967831, 0.03693140754352425, -0.01831766654280591, 0.0031073821659409174, -0.006366862252812326, 0.01869774800871906, -0.003600794140440839, 0.008211971300517925, 0.018164421532843446, -0.002332950759012299, -0.0049274771201563705, 0.0, 0.015409406491750374, -0.001947250157900936, 0.0060769596547836785, 0.03646214099532137, -0.0324181702240087, -0.012238798771533142, -0.00678414152785595, -0.012217746230857281, -0.003205465818389837, 0.012185895591671126, -0.013195570406111341, 0.0032928850975882337, 0.006366546488630565, -0.011861118916089144, 0.0037380307433707498, -0.004296215575889714, 0.0026845772895561677, -0.01346701727002799, -0.0071034060312546495, 0.021408999078437047, 0.02015416166090655, -0.01842325963993296, 0.0009823841484085454, -0.022851166703056834, -0.01346750527663127, -0.018462798864498947, 0.011888708339519268, 0.011517886294856351, -0.014225123596963932, 0.029538265879596716, -0.027350824873972418, -0.012040879275468942, -0.020366283897023635, -0.015389494240489875, -0.0040330715994713, -0.024923201927623165, -0.016000474454279354, 0.02473116387763168, -0.012005039662451214, -0.006778477899033784, 0.16047984612238902, 0.005450034805377036, 0.001879193245719105, 0.014209156259030024, 0.004812713710897016, 0.01904753974525369, -0.0010567553087826133, -0.004278865508180767, -0.00894459465421238, -0.024223921777202242, -0.011800892450590678, 0.0386791965156078, -0.020597069096824093, 0.01750186131065666, -0.0009135175742784329, -0.018583460136857913, 0.026105416649053557, 0.021687725460584294, 0.0017043074112115628, -0.013413992201899297, 0.026806190770700407, 0.02971869051179274, -0.006851255431657314, -0.010931020260120043, 0.01779623072694209, 0.010339578204878106, -0.03356138969682567, -0.039136490057190304, 0.12725953995161116, -0.0038063021499853116, -0.0035344003729481906, 0.01576694207173235, -0.028076908167518875, 0.040236132987750715, 0.014403434724914285, 0.02015053427813069, 0.017273944245947054, -0.018088194542209723, 0.010293324558417298, 0.016399359945966755, -0.0005230679883747736, 0.008623446851203684, 0.013111777017393722, -0.020458086444895204, -0.0038937006393174878, 0.0037126753393020104, 0.0, -0.017942032084283743, -0.015493204805324304, 0.02348108831402937, -0.0025332310225101343, -0.015321268629602841, -0.03556904045576583, -0.022915337621219785, -0.03740700908411739, -0.0020623211949395725, 0.030423161210871547, -0.010857393654170345, 0.024123278206073726, -0.01065763745807192, 0.018188408661243265, -0.013302903987217438, -0.0015103759842233638, 0.0071859648114538195, -0.014760435313911335, -0.00834586067457393, 0.008591323084676245, -0.02125692191840238, -0.00919653901120983, 0.006920483594483794, -0.010751077746210919, 0.01266763615398938, 0.004116751828594056, -0.01215022848511415, -0.013892101199097047, -0.013514024132084714, -0.0014449968882652609, -0.004410578177580015, 0.05970502953166797, -0.0007245386819830509, -0.02060694643466614, -0.017395507356207457, 0.015402482662076082, -0.010316299500234962, 0.0043130176233648, 0.05359691120933251, -0.03214558568069214, -0.005902817905004581, 0.018492000913155286, 0.004226880121854767, 0.0036577366429635712, 0.031281124365005866, -0.0022719251309383085, 0.016658262777755683, 0.0002250492365579842, 0.0029482420896184626, 0.03306521700547181, 0.004836135405732272, -0.010926288257206202, 0.013701377712219194, 0.004193907978721354, -0.0032836913998808446, -0.003665836187966113, 0.022144747594169588, -0.02098479729260177, -0.02384032037713264, -0.004357034308965387, 0.007362029126666002, 0.05428229226895509, 0.0034383717898866365, -0.0012447094872230552, -0.004372159967213648, -0.018487396859583043, -0.005063446256912095, 0.004920333863546967, -0.00883529827811311, 0.005097582585762837, 0.012032564352400866, -0.009583925287929448, 0.022589584677798234, 0.019171563368993574, -0.006297056148131468, 0.005728130727262501, 0.019433573214779176, -0.01051406962347401, 0.009119857080086037, -0.02327940477915553, -0.0026033500282419495, 0.017589794838529953, 0.009666899380805146, 0.0014807391442046578, 0.0118148108476494, -0.03328579672031313, -0.02253722349258452, 0.0, -0.0023939867007036326, 0.017705287884029766, 0.02781220104349062, -0.007087837409603667, -0.009744211983115697, 0.006931181131741462, 0.009553772564715294, -0.0010683495574742698, -0.01552350902131741, 0.02021087073230402, -0.0015598314166284095, -0.01609207047694963, -0.022693031742113547, -0.010091592318770248, -0.025284739140017352, -0.011539175965607567, 0.015904573426914783, -0.01088307233151066, -0.0013506872039729515, -0.003982782495473069, 0.010402174928294601, -0.01411893875032893, 0.018641366093877277, 0.033541587098759144, 0.01669408517728214, -0.04143763875864682, -0.02505672790975039, 0.050125906666712336, -0.025007745927857882, -0.005122062761021694, 0.03860419884885694, -0.006374666211628238, -0.01856862884247205, 0.021408723948368572, -0.004375705894093551, -0.006902677244989483, -0.010632179084716245, -0.033626611985811176, 0.0510770731329841, -0.02550590097026633, 0.038123467450109604, -0.017440273597759855, -0.01350551078776624, -0.011841204552324592, 0.010589893165129581, -0.013466313746137406, -0.009027687117169326, -0.014649548258949539, 0.008126378064546544, -0.00719598111008834, 0.040676463374614544, -0.025501494659970446, -0.0002922437934601688, 0.04798950251648991, 0.0056693082200512755, -0.024173561212640898, -0.021808829021911127, 0.005820166761018414, 0.03607146330281271, -0.013081187491981958, -0.023087525698542017, 0.031889545689713854, 0.0021419535635311803, 0.014705135278205113, 0.017429588208697607, -0.019773509060810154, 0.012889401334121661, -0.009837724296029752, 0.04250545672710749, -0.024393549169303048, -0.011941454611860176, 0.014830957769569211, 0.02213033604628689, 0.04013836158491337, 0.032164766442983585, 0.035589696903948274, 0.08274137720431816, 0.020614367150739527, -0.006771784845248367, 0.02617333952384902, 0.0010241881340331206, -0.019922727017410373, 0.04613947399908235, 0.021374386352302766, 0.024410585854086436, -0.008824293967108498, -0.025919606141910603, 0.010508812750326653, 0.0, 0.026373398875719066, 0.030484693580554015, 0.007129181427380531, -0.002719907805672254, 0.057418254657482605, 0.003215080095489564, -0.007354126230363649, -0.005723844072124486, -0.003742033389884963, 0.020932192882200204, -0.03998192237829138, -0.01518546781775684, 0.014337138039444938, 0.01408599218966482, -0.006234088410121546, -0.011782720398318274, -0.0036517946474564993, -0.019623728911065463, -0.0021425689618319666, -0.021302079531392657, 0.01915935544366446, -0.0016654622969744218, 0.014424175233939447, -0.010202209688283174, 0.011500597471090918, 0.0018459589471834684, -0.00837554521610064, 0.02108268960864627, -0.012691405553460034, 0.001543009794318356, 0.052724866242724565, -0.009024653508902119, -0.014944831860219972, 0.021334828008667935, 0.0104296606054037, -0.008678474961725089, 0.0341546691816943, 0.029219135191935492, -0.020161042248035475, -0.01608807059882625, 0.013927858886290818, 0.0016408815357400618, 0.013850072112137075, -0.0431254325367954, 0.030213380533392065, 0.0005165706177500542, 0.008771085893491596, 0.025236997304316035, 0.017454297260550575, 0.01629182699247098, 0.0008971403887328979, -0.018480515186173795, -0.009472933568110142, 0.023967599791470486, -0.018689495938454006, 0.033271960235900795, -0.010104042311510755, 0.002452758197561014, -0.0006619493909163516, 0.0023852877601743183, 0.0034238900512035815, -0.055063321754468056, -0.006356926506696308, 0.010636009287304762, -0.005608046848696659, -0.018392537701047113, 0.005203052398986642, 0.013336297821224679, -0.0018977592853204252, 0.024726155122886298, -0.02644456677207926, -0.033221718737713526, -0.0023305092464689908, 0.003380796669266342, -0.032831285357876654, 0.008615722318536521, 0.0778651173630425, -0.003949725199760786, 0.018823516959584282, 0.012135954826854237, 0.0002437433362594766, -0.022114711866800443, 0.01476677586234523, 0.0097015400239874, 0.008795761708045406, 0.008775339046574807, 0.016592538692745833, -0.006315904884839386, -0.021615704682109597, 0.0, -0.004771153666031009, 0.005524673490440234, -0.018788420806755145, 0.051467094480580816, -0.00847831947042187, 0.0007466187585615858, 0.006823596738488221, 0.006592813114269712, -0.006627930911848238, 0.011312812373366442, -0.007773757704317013, -0.02892258590407006, -0.02020172518758898, -0.008108120173116892, 0.0017264451205675864, 0.0065692236167528275, -0.01113744740349303, -0.021178681909576443, 0.06609594996695702, 0.0013345064519664194, -0.005548345255661673, 0.02776105225509114, 0.010242894988631608, 0.0031285809239260083, -0.027938190546833122, -0.0012832927791394165, 0.0048030038045476136, 0.026270011505781315, -0.02276697536393619, -7.890435249443588e-05, 0.04400182447870797, -0.04080886667133165, -0.0022281636682700717, -0.01262461750580788, -0.024562066746359502, -0.011307822259841152, 0.021421987933370287, 0.007795876576386678, 0.059066855795258506, -0.009473926191395813, 0.03268833705779628, -0.021624162598058452, -0.017155221080716057, 0.005593872554530723, 0.007726399514223768, -0.00841443891522968, 0.005937731333098408, -0.007484659803956555, 0.01650109731122396, 0.016765668127974073, 0.026234118920799097, 0.01964819374344185, -0.028091043483432252, 0.03081473796551275, 0.00435482550327063, -0.03829348118498101, -0.001221927354289867, 0.02028797715561738, -0.012875812111507333, 0.036978247842834475, 0.025860792713202317, 0.18168958987548645, -0.014477967344821652, 0.02912017918173667, 0.004714140106751671, 0.14933765067523885, 0.030366186620174325, -0.0022785411743070955, 0.012971862437576264, -0.010518927973504464, -0.025292642370757144, -0.02355902058781501, -0.0063789444311435906, 0.014003655878887494, -0.014000343533423533, 0.015901510818187706, 0.017934770985315325, 0.0805283287479581, -0.008619480597181496, 0.017389249197242315, 0.0036322949443112398, -0.016590914020069382, -0.0027513334990857123, 0.009569009662967405, 0.01969608742346372, 0.03039815961306135, 0.015210203276386057, -0.015904225622422226, -0.0008472566358429419, -0.0006541194749606786, 0.0, 0.018253921719409552, -0.019921523406002395, 0.007409595889596058, -0.0009320609563588606, -0.019044664563604666, 0.0011878033903787116, 0.001059242854822632, 0.01194096490079804, 0.014762619134145762, -0.002961449940133076, -0.015583597079078871, 0.003925638938147713, 0.0002811604447546322, 0.07443173904886201, -0.02208435924118663, -0.040517164517666016, -0.012167291466382332, -0.023658194510469698, -0.010004654617126985, -0.004031919666154878, 0.03710944065916543, 0.005016153202441311, -0.023932610810846317, 0.03484918891822438, -0.021474182125948635, -0.005046123192469337, 0.011007995046115457, 0.013729827694653422, 0.04008449781359358, 0.08692901463089772, 0.006198429021921881, 0.0171979035201969, 0.009194088588986554, -0.0031818076357401546, 0.04077286799543643, 0.023811288517120815, -0.02132559308190797, 0.04811474457158089, -0.003908780748444068, -0.005915114709151813, -0.01033012561618734, -0.014348474249112541, 0.06953918721421294, 0.006993367517372124, 0.008412334016439206, 0.06871331896607687, 0.022761474779246636, 0.08802263383541209, -0.011334990011871746, 0.036103083657911164, 0.006983676989185233, 0.007031714764368841, 0.03321504831203052, 0.03097803048146057, 0.04335961529429093, 0.0031143644620819488, -0.004854557863765801, 0.0029911043595356275, -0.011035427440704858, 0.0010979278728723851, 0.021261568611005293, -0.01899828199985201, -0.010147973416927, 0.009833857450512887, 0.021981509964368807, -0.017020482062730068, 0.018836707455164376, 0.02031139713862852, 0.0356038920906109, 0.003759612078946679, 0.04978009148139477, 0.07011121279706006, 0.0101258397845251, 0.01435297641183326, 0.05725824993423923, -0.0016570048875448914, -0.005017100303308013, -0.005552290359535369, 0.004734643353480008, 0.005370444435059225, 0.01554349856585267, 0.01410954585544552, 0.02106527435908646, -0.004076929762105945, -0.012147641094340123, 0.01800383831824591, -0.0008171660675585969, -0.010974142631980844, -0.010387519940159337, -0.011368464372614765, -0.02492790724050926, 0.0, 0.026542506953591675, -0.008563584900816885, -0.0030706724547617564, 0.013045155021247128, -0.00606265751755714, -0.012595831514888727, -0.00473471207737999, 0.0017709308609628169, -0.011816650383471088, 0.027562075592796255, 0.018269364554115368, 0.008847029680570379, -0.002980847961709769, 0.0098398527161145, -0.00544012579648298, -0.00358014162238846, -0.00822519547484601, -0.0031987538446293447, -0.014894250019100382, -0.006337038433650391, 0.013308060531364137, -0.002666010696096789, -0.019053950448702728, -0.014895382929171948, -0.005459285369711797, 0.008448269629812277, -0.009562038159673573, -0.00014316113232176156, -0.0046263876354647486, 0.16252271399594914, -0.004758358920622593, 0.011268122015590446, -0.010427822204700598, 0.016651568042108784, 0.0033410417593582905, 0.006672462583831577, 0.07578759371102155, -0.012163962092731241, -0.010304505683894502, 0.010777324823569216, -0.018894225273224517, 0.0035663750466171703, 0.003525344708380614, 0.025757747660848564, -0.013575066655246083, 0.03059804912391763, 0.024524209325747857, 0.003437436974689624, -0.018942800313268945, 0.002013876358664699, -0.021448067459519854, -0.011350221192179832, -0.003058039401415883, 0.00013396801762247378, -0.005155377943278194, 0.0014226300929763703, -0.017592351137205704, -0.010298407278979266, -0.011709221456135678, 0.0027385479808963295, -0.0009603204229905604, 0.004959107058130019, -0.0026602484569385057, 0.014981966869383277, -0.0002759802489111217, 0.0020899994932660833, -0.011580073894107343, 0.1562606197370923, 0.039882001425265615, 0.10647408280700657, 0.05382381956662044, 0.0986721217066665, -0.005421008951928569, -0.0071046834032330195, 0.07568956237144563, 0.037253875102127354, -0.029803414946248795, -0.0018800591734321741, -0.013150344454281789, 0.00896074139215515, 0.027009934055981927, 0.026453876435712745, -0.005286594968106447, 0.015385089135686097, -0.023413790357239728, -0.009030607629557588, 0.018059238051287486, 0.0007525096099146466, 0.011547379688465916, 0.017248039075947307, 0.015034013270163791, -0.016687009832492248, 0.0, -0.007323165400506105, -0.02029252583934101, 0.005561758196851766, 0.013300548210658595, -0.0018565386870945703, 0.013879135759731239, 0.015565611180757374, 0.010077132287215901, -0.005958573353651099, -0.01045086314105706, -0.016380236049325092, -0.004693411476672285, -0.007719472911988586, -0.00404176979420559, -0.005184925191512726, 0.059116903672038645, 1.1018547859376206e-05, -0.015069198777939602, 0.02316099689887572, -4.1347152175268604e-05, 0.04881496735683805, -0.008226544432565132, 0.009466552264134996, -0.009093144360179573, -0.008790505262290199, -0.0012209563072440538, 0.13147323865110924, 0.030738008970946487, -0.00240600545542846, 0.04663466668243598, 0.02645365675094212, -0.034627889949859894, -0.012590333509094461, 0.0003114595431392815, -0.004549194038142148, -0.0430745736766109, 0.02836255020933603, 0.02184448973796847, -0.01960428876858772, 0.01426982654179565, 0.047793372862525045, 0.007767061723362252, 0.006897035646135668, -0.006785030872992063, -0.04176324167059476, 0.01133721320871774, 0.018459181750509597, 0.014097641585126216, 0.017038476910534804, -0.005478323108026437, -0.003200815578688844, 0.04187037105039208, -0.019761392260647034, 0.04092715738336292, 0.040851994401320084, 0.032504976741641455, 0.011883498832101626, -0.010762884005894391, -0.0009643255561889504, -0.0017046191918803867, 0.0009043745408530636, -0.0003720256006796, -0.020548716677731067, 0.015946703346422786, -0.019484600933729158, 0.004952468320213766, -0.014563139224240126, 0.011793252641773598, 0.07517076499985267, 0.02033351456717004, 0.07075270791327513, 0.04644053278268376, -0.024935831148344613, 0.05658102526880218, 0.021813990436804834, 0.13666967589275586, 0.009567765574179002, -0.0009423105052849717, -0.0009516961976223136, -0.0034345134133524327, -0.0110077399175309, 0.026213447222692757, 0.02505516457774715, 0.01590754427757572, 0.0025761594097353227, 0.00833775067544034, 0.022339719270225215, -0.02544299931502744, -0.01512098068882929, 0.0045837816593011175, -0.01199632444597142, -0.007106208137273426, -0.027413717339984534, 0.0, -0.013624121817822413, 6.516215731194263e-05, 0.026178305163031317, -0.007178984358859489, 0.01748248964683469, 0.005528627760444224, -0.020249361226066062, 0.03734492267624866, 0.035424483606315754, 0.08173962625889623, 0.069858297725573, 0.014255468493616792, -0.003538698189830968, -0.010284947082625347, -0.020100179222757298, -0.00396779240429442, 0.004747290287497446, -0.014826883734369653, 0.009539427408888293, 0.0018482363250047803, -0.017701886472701343, -0.012374281873406834, -0.0025666013754664634, 0.04630266262742911, -0.005112525888433044, 0.0989606620271301, 0.01731358839824577, 0.01914274008851986, -0.011133844799839995, -0.007119688972601931, 0.011320141763727596, -0.00989268675505905, 0.04747207689005798, -0.02791968046872642, 0.003461213104610736, 0.015200641010230675, 0.020982143164785444, 0.039959370150786246, 0.02181921098541028, 0.012785373921386293, 0.0010288393582226318, -0.030607462787755255, -0.004941718474910955, 0.012377986565293356, 0.0255428873623033, 0.012224258125828197, 0.04776363075220788, -0.019070362764814417, -0.02828544234512571, -0.002282490044545211, 0.005280018140918961, -0.0183770106380711, -0.01647724399368856, -0.0016024611604351117, -0.004800307347640173, -0.01756625940114787, 0.014884691635493528, -0.015451887820374792, 0.002073904339567415, 0.06312685006310753, -0.012294168180162249, 0.06118950604977823, 0.010223837303336928, -0.007702229899079708, 0.002623223383058197, -0.013786622413769888, -0.017428170171326387, 0.011955733111008232, 0.009980718783598339, -0.0068993884824107635, 0.008985564183152862, 0.004222018991132368, 0.016759120033620994, 0.03593289876594506, -0.012129960543420002, 0.01936412292042213, 0.033499348953280626, -0.001636444045444399, -0.004807008056783314, -0.01555066806252576, -0.0067851639341094455, 0.015250360633509697, -0.001818197853212552, 0.010174311449305973, 0.0055295984941934545, -0.0059344529395317066, 0.0197317068407082, -0.02175857666903512, 0.019961993416685423, 0.03022583651885623, 0.022191280823848004, 0.012641340147448318, -0.018956562345044205, 0.016143819030393275, 0.0, 0.005150795813597048, 0.014823831033453631, 0.01294893463315022, 0.03285546715779249, 0.003902186629571712, 0.01035841106101844, -0.03450454664664202, 0.08286362414392767, -0.0359993794700677, 0.00298073296120523, 0.0074754868832002195, 0.015749825645003903, 0.019256630602721137, 0.0035632447342917564, 0.011642297649291018, -0.0006931656320488611, -0.007151440693572248, -0.010415228133067288, 0.06664709762567135, 0.00587452800882317, 0.005246039641254859, 0.0014693762367573168, -0.0009767036093204593, 0.01636154151554686, -0.020041898754850743, -0.00887908691174188, 0.02023156272215189, -0.016599663476135715, -0.0036062918445841567, 0.02180113237565645, -0.002405955622339354, 0.003616760241362319, -0.009784069133094533, 0.0009840289903583733, -0.01933856114601007, 0.024162451464564777, -0.00566127932504104, 0.006694130594998643, -0.004186145335746118, 0.019869643643061995, -0.012943982263115673, -0.0023413552164820695, -0.009945612035308244, 0.009391992459036293, -0.02043875865089036, -0.006228717434429857, 0.006611210702980633, -0.008093978946233793, -0.03736276327605552, 0.046233623701372406, 0.02163203530462066, -0.011596009841097306, -0.0171940031148085, 0.02798778046315474, 0.000828781042440424, 0.08119963019007485, 0.01477474521470273, 0.0197147736716881, 0.022980829937389112, -0.00855312408846994, 0.0477568871671504, 0.0035623967529749413, -0.021971920750782647, -0.01617437242946094, 0.006879616006248177, -0.03367107351392501, 0.037964225036226616, 0.041769352774349525, 0.03664118129186831, -0.015549997573352682, 0.03068496544541853, 0.012645171208855218, -0.0010118086566497067, -0.016149837670788668, -0.014216710464991733, 0.015420535179661181, -0.007007456575550766, -0.013915327395986743, 0.03136103967649979, -0.0008096032472096127, -0.01719716446339265, -0.003990600847862423, -0.004064397482066748, -0.009521854993769344, 0.01899956529649942, -0.00820073323478707, 0.009106311348453537, -0.02554698124217148, -0.03340725807515154, 0.01312578675308211, 0.00074453306778777, 0.04692496107802822, -0.002162786465612733, -0.003117223318533375, -0.012583178692917495, 0.0, 0.007369120500514944, 0.015182521097702554, 0.011989821816064429, 0.007067057432915917, 0.023529361068878298, 0.01047259240737192, -0.04239754481293525, 0.011632474687129867, 0.006201734685665601, 0.015249093169334885, -0.0014256813371894828, -0.01775057710851786, -0.010276237703662356, 0.0005286118878539252, 0.00651047070444359, -0.017277484543851696, -0.0012736600369573007, -0.011493637897171484, 0.01836341771867225, 0.021076421906279022, 0.003703987516417875, 0.00799662188271355, 0.0010008087703352244, 0.026307511201937417, 0.014525231119451405, -0.009558974632263623, 0.009044543919928566, 0.03656386730385494, -0.004460663960570997, 0.001171081157918749, -0.005569184327978644, 0.00896362181424236, 0.008150447669624802, -0.0009116769318640021, 0.008692310721638624, -0.004987328124627112, 0.006721575457389053, -0.020171185388107752, -0.0059003125064109995, -0.021414015239684798, 0.039131210028261317, -0.02795305925090314, -0.0018463720498842996, 0.010652961678194541, 0.002912727310260498, -0.01568094880318256, 0.013141217026828463, -0.015836005030256024, -0.020327257175502874, 0.008959809470852294, 0.020704542576241786, -0.020932601831887315, 0.011708521222718515, -0.005014991828108217, -0.013857417101919935, 0.07610282312175388, 0.010286367775465705, 0.0011353500323024574, -0.012965518748686624, -0.012058350936711372, 0.0059382330664417135, 0.021545857744402718, -0.05717691106895132, 0.02221977433660203, 0.01825839425796411, 0.003680133387583592, -0.043253170185061786, 0.013289042420699547, 0.0053516106910938555, -0.024760725572048784, 0.011277487341102803, 0.030582063743646807, 0.023223171016765014, 0.008276089888562595, -0.024666305269972866, -0.002885666449217975, 0.2535697048769605, 0.014415180499483779, 0.061176734330477024, 0.009749263838550914, 0.009780312611074314, 0.016304612114689143, -0.010201911350723186, 0.03371256571620684, 0.1269213073375342, 0.028379115887597756, 0.0210277657148294, -0.00864071397466786, 0.011433526566167756, -0.013984585804751665, -0.005868415585535981, -0.018917774069646953, -0.009776699830581758, 0.002117207776033141, -0.021510212825606306, -0.026469212058531578, 0.0, -0.005421808962726795, -0.014741787759921944, -0.009302124052114858, -0.0032450475314106447, 0.0008358703350636144, -0.009759719068467607, 0.0008736510863415359, 0.011292304432045082, -0.008866714672515512, 0.013472062586601139, -0.014364839473913066, -0.02089880933048988, 0.012889798446994243, -0.00030503780494309474, 0.003916712489344563, 0.01716911002169647, 0.040724457535429956, 0.0072457289723096155, 0.012726563910666365, -0.009004667616629835, -0.014083504890809858, 0.020074440792190385, 0.0041973760600051944, 0.000854681442013295, 0.02507328540120264, 0.0032503524172320247, -0.01687010833829081, 0.0028481174947988493, -0.011341371768850281, 0.007649814691538382, 0.0048176349766646705, -0.010790480620081803, 0.004259219955972968, 0.006483577174190339, -0.015017693666973352, 0.017193866465153123, 0.007363701647190421, -0.006680837080692169, -0.012193608963585007, 0.002593115239458352, 0.01763525499306969, 0.007683065545251037, 0.0037987222461502465, -0.021804671716586756, 0.00569267274370742, -0.016130843210313214, 0.005591493363488136, -0.017461721586162153, 0.0004230878094302208, -0.004595891004688812, 0.002287013716696121, -0.007214791780994715, -0.0075946969864716714, -0.006239548810344686, -0.02141978659571039, -0.0010308964676811218, 0.009610235251656798, 0.014080861540921318, 0.014455402230917848, 0.024489674329419297, -0.024769731602246114, 0.0753714013557507, 0.026399956952309556, 0.006152728114913175, -0.007014410413591588, 0.00770383848112507, -0.015557330445305025, 0.03899555341806672, 0.022785215020262928, 0.017746794703826042, 0.0017897518082278208, 0.045847542014208105, 0.03662561987719845, 0.005715325601103895, -0.003747641059788011, 0.039246768160830114, 0.04945867261859063, 0.05210306606678341, 0.00905011532534511, -0.006982330651813237, -0.027194912588803646, 0.05431466529666538, 0.024562660598062284, 0.1574594663330052, -0.00391428322613975, -0.03761114593062322, 0.015250572833987789, -0.003942425781328111, 0.017195109075951294, 0.00548890984459786, -0.016440922051273753, 0.013343998695423912, 0.03455994743961163, 0.010761885759428082, -0.008597632954026496, 0.0006825372456837558, 0.01482339989215715, 0.0, -0.0022280371200796346, -0.002328942461575276, 0.02253312118434791, 0.004319234143944261, 0.00412215080160074, -0.007306118183874349, 0.018185344490717008, 0.0046012368152358925, -0.011335236629827349, -0.018226900567184057, 0.003982697641303693, -0.015283404239508478, 0.005103331231687461, 0.006981955437469544, 0.00278658523954487, -0.02076077303068038, -0.010416340460662392, -0.02104892796132772, -0.007660789318504154, 0.012186738304067326, 0.002103071590878087, -0.003515636170906142, -0.016561021249250893, -0.005519617329729518, -0.010614443784791193, -0.017148738717495643, -0.029522097316356116, 0.034100346273131875, -0.00803358461122498, 0.006340037970396175, -0.014673883221416191, -0.045449910709887104, 0.018810317578895886, -0.0027023528976341366, -0.02326894581040121, -0.015774430533211002, 0.03927085122697713, 0.057393707481282696, -0.0003242673771593681, -0.00639758511185265, 0.057079955925963134, -0.01310008730144977, -0.009076081334983242, 0.03298455227311182, 0.015021626595971541, -0.012691720295510946, 0.0011073539072317033, -0.031666777207233696, -0.008340606748613717, -0.03142955926778383, 0.00040609038201635405, 0.002168654905794417, -0.03052302214970849, 0.050376527969298215, -0.008587286608106802, 0.0008090955192714387, -0.0016855487762112175, -0.024673063773260225, -0.003441216337919037, -0.016208137683821407, -0.0014268521104915434, -0.005724868009764689, 0.012114720240088046, -0.00998741029584948, 0.003734920929015689, -0.03329705406624581, 0.022288320591988164, -0.008008961941472185, 0.10096755942936826, 0.012646331525452222, 0.06771110831837406, 0.06564476833522556, 0.04054472190223018, 0.0964924802058274, -0.01156837922622348, 0.0851902998492517, 0.03850165419802884, 0.10531790963637683, -0.004879879530532145, 0.008330152638513269, 0.11152413883295802, -0.017852353101250877, -0.0016185107785044292, 0.005919826565395529, -0.008321669960804223, 0.015988963552258827, -0.0069090159499133, 0.019827480689184638, 0.002996965951062768, 0.01281525327291828, -0.0018129147716910395, -0.026779729292742097, 0.010197774711052942, 0.02481839601359497, 0.009833311408559727, -0.009699343821451172, 0.02026451358285224, -0.005914780303385463, 0.0, 0.005837703495161508, 0.028127913204197233, 0.014507218827672886, 0.010337390774094674, 0.016319202092568867, 0.009735570679083773, -0.009107473589928156, 0.004794044785492035, 0.0007519160222330765, 0.008720809909424494, 0.01957204407921678, 0.021010989382549864, 0.006464952379818502, 0.02549780448527621, 0.009283907567979987, -0.03593530276788675, -0.017728876877938574, -0.021219586287615652, 0.005759073760819402, -0.018743728497964705, 0.04537400105601646, 0.0792827018485726, 0.010541676530216619, 0.0062410801185232975, -0.0037588192774206963, 0.007534915925993745, 0.013910784086176044, 0.06087478793934988, -0.00960837374445543, -0.012259039047675302, 0.022110233467528898, -0.004141095479029397, 0.014265754149433162, -0.016775317247503904, 0.009957354120529597, -0.02183647271700454, 0.02999439938712642, 0.13248211699968968, 0.06978572320794874, -0.02263176991899725, 0.09757999990378935, -0.002443825810471897, 0.035551665550724094, -0.0030060407102245473, -0.021067984177162175, -0.009105925080865796, -0.003836739602837305, 0.009719393131669108, -0.015389190456067488, 0.011391136298231937, -0.013235825558066742, 0.07944771966168375, -0.006168475805299017, 0.08595086886843364, -0.011359063678181132, -0.0063367931948727476, 0.011170965347187445, -0.01872124083757174, 0.002651145047136346, 0.008827778567308568, -0.00327290093129511, -0.010297104260808477, 0.025789576891102645, -0.019148784369667517, -0.01873783111555874, -0.025897736150763587, -0.001754917871340629, 0.013118271355737324, -0.009557794180392681, 0.000519455416275042, -0.01879120463176902, 0.027531342469725897, 0.022899494868947975, 0.026508243024489755, 0.013968608757098436, 0.006256733315987237, -0.01971634516300153, 0.04292759802734011, 0.01695515561424162, 0.03200502855560592, 0.10564876761487982, 0.0018466810551123734, -0.01970789883612979, 0.01374777730783599, 0.024831687205435368, -0.011934589618239936, -0.014442844736680444, 0.16152783807690765, 0.020085309562505867, -0.02090646785757961, 0.04782977846634268, 0.005531400667647995, -0.004443834273089074, -0.018939265877197808, -0.0030253133039005804, -0.01218130047071307, -0.013526952581362797, 0.022336567367472117, 0.0024213698411989634, 0.0, -0.03914856324937906, 0.009282815247611289, -0.009450704692558685, -0.024098692849698313, -0.04225361537080381, 0.0017754287250395058, -0.006613068152228425, -0.017909553597822092, -0.008115998812494899, 0.012661646197731365, -0.0012864224737147868, -0.016636114388566887, -0.009145220648180043, 0.00017127795374518082, 0.0011305470697602676, -0.0035600835585133574, -0.04264123794834054, -0.012042591564416357, -0.009272847265696918, -0.014800275361806205, 0.01836673322930863, -0.0062240943693706715, 0.03339651926015092, -0.014196703093314654, 0.0011041190196173043, -0.004592390846323913, 0.013734756870004671, 0.028520355788463785, -0.0157323212618567, 0.050712129388475045, 0.011031065304072723, 0.04186606042648553, 0.021230046326264625, -0.004324173506210511, -0.03390134720813602, 0.007515694674845152, -0.008385228593367107, -0.005812176294251281, -0.029478020531689887, 0.0126174874529641, 0.012271414594064086, -0.04526025841910675, 0.026901400956410998, 0.001102954420605269, 0.05518933463517991, -0.01135757113593677, 0.06638765172286047, 0.00098435075747958, 0.021747049064083614, -0.0028821529800047603, 0.04115939935789444, 0.0012772248978067872, 0.030168590623497138, 0.017807316335522676, -0.0013469293191406722, -0.0023674672785721227, -0.030341191281658898, 0.02608564016248041, 0.02586466524343693, 0.01613003799805267, 0.0190545128540896, 0.08483685553488927, -0.019000063990961536, -0.03404005584363078, -0.008576227589961752, -0.0028967137224770183, -0.015938777515659912, -0.022396795110167844, 0.01121405229530707, -0.014771039308310356, -0.035710987739627886, 0.006097817283263102, 0.04298091098996352, -0.0008743016542671297, 0.11398400643091468, 0.045807570325707904, 0.001973023038617932, 0.07937818692595265, 0.011772704370612582, 0.018121258006702116, 0.027091626736976376, 0.0216039614032146, 0.04742738300672837, 0.04994640945698724, -0.015803954147088458, 0.0033553916659499763, 0.05312656009575028, 0.044867792017119344, -0.005778433186708619, 0.028984691078082797, 0.021264716468659114, 0.009086444865290116, 0.03461830225628253, -0.025069238721762793, 0.032040930834695426, 0.01625232214243666, -0.01369469452669063, 0.0015541422278594497, -0.009626680732256873, 0.015674075285495342, 0.004420004401247445, -0.014733325306117531, -0.0006198807096664439, 0.03382774219178005, 0.016037778282512058, 0.024686123946215093, 0.007117039231656159, -0.01575711581302372, -0.04026944562212527, -0.020110557035454005, 0.009269458757082722, 0.004845021317825487, -0.013221448900773817, -0.005174647374193838, 0.018131136670725512, 0.010373716374183287, -0.008729239754387013, 0.043131453685333755, -0.010463855254429609, 0.039086592947252564, 0.02547671175792796, 0.006859481413935383, -0.0004098304974151861, -0.0033664554975810874, 0.024974055505074644, 0.04209772449533466, -0.01686129290121611, -0.00037286524629354345, -0.02298860897470023, 0.013294283414144552, -0.05125707224643816, -0.0014135344159569496, 0.05100433963481767, -0.0006657296073778981, -0.007562445876154413, 0.021460736172263475, -0.01314890711551859, 0.005077412274597244, -0.029643183861035094, 0.0008855620653976402, -0.015718071621229145, 0.006632710663975028, 0.004875180543965988, -0.003304337764897908, -0.012704791612085252, -0.00901693229635441, -0.022899620126148493, 0.0020123769270137684, -0.006350393233103637, 0.00903385228174847, 0.00573294414693845, 0.011753357941653463, 0.030754453549061193, 0.0061473449894930985, -0.0003446278402607973, 0.005388914791528962, 0.004733645839607331, 0.0029565628611200583, -0.018233448810977257, -0.011125368751104084, -0.01708426061613577, -0.022289305389003918, 0.013448686009103239, -0.005954197793548917, -0.01098239357842781, 0.013244396682667553, 0.003301762008597126, 0.010912595656244615, -0.008159040000661316, 0.012206933783639087, 0.00796784553420935, 0.00848371559603075, 0.04315349222028919, -0.016006288569503816, -0.032914773289978334, -0.013431342633562627, 0.002942002883653889, 0.10987726717465075, 0.007678615637650147, 0.061124083384221796, -0.02996814398303235, 0.011374608938363437, -0.02376550991811583, -0.0021943390227785243, -0.0033396558367683933, 0.015247039401153567, 0.045394993753320984, 0.09709248156773824, -0.01584454724031428, -0.007915867397540648, -0.014825432798328103, 0.017427840311703288, -0.007828515376582655, 0.009357137175936552, -0.009086665423328777, 0.01564406687665695, 0.007700151427412698, -0.00895325884922529, -0.003671178767847242, 0.002460442968406817, 0.01023101609158629, -0.002477318433509648, 0.0, 0.010728104417863711, 0.018819960680728942, -0.018354196219225738, 0.03526076115294827, -0.0023555544166949664, -0.014704875986686778, 0.053522268756281896, 0.009569128664575344, -0.0004920359508497995, 0.034462687842173864, -0.023268568304152193, -0.012848230074049711, 0.00982034625256299, 0.0023102019614533262, 0.02398958549066895, -0.019242633065774756, 0.0027115078853862883, 0.022039733385228688, 0.013161002963238792, -0.008974626958715986, 0.001123072457251476, -0.013154398811336286, -0.012815858277501181, 0.011045143341821068, 0.005123305012157392, -0.005517657082735184, 0.006646381946345605, -0.008230469642137722, 0.023304829000851013, -0.01224564746048001, -0.006320167146463986, 0.0013823434308314802, -0.010159536100381924, -0.028895097717555704, -0.0034466732833582352, -0.022389959108463666, 0.0008445582607120231, 0.006971419775507936, 0.0306499716693533, 0.00020478029008275903, 0.02498043302198196, 0.030569344971914554, 0.008279571190366961, 0.008832412846296517, 0.009153781570038672, 0.0074314163801001915, 0.03907474151140887, -0.034186841732019774, 0.0012103942958311782, -0.02839021052166288, 0.0018342459219852177, 0.0009088988744171744, 0.009712505464625962, -0.03902541434514921, 0.03233499980943912, -0.013149074784712356, -0.030098960244186315, -0.04479201539191185, 0.005184026998710275, -0.014413148217972226, -0.004080717028748239, 0.07468308607788415, 0.013613481583416168, 0.06649657886698279, -0.034685435941988044, -0.03017613086380606, 0.018856818525116118, 0.010978860609310264, -0.019344409675241276, -0.013656436916885801, 0.0024063731873441383, 0.025779168843214642, 0.022475852618432494, 0.02826563861035877, 0.0033960803591994632, -0.013057022802806132, 0.034511717817829406, 0.028889173381534884, -0.02232621230571446, 0.04582237120990632, -0.0037339919088315724, 0.004001253871749086, 0.014868196907185343, -0.005721124263195784, -0.01822635995557489, -0.022870403053838785, 0.020622985125486694, 0.0012953769383822684, 0.007881946529422874, -0.02074949790879162, 0.18898556545610323, 0.013057034323040197, -0.03181605706071643, -0.024702144527935663, 0.001228754216416891, -0.012570218361722004, 0.008213710337813379, -0.026035659542131672, -0.025235060025272545, 0.001984227523341158, -0.005811662369168864, 0.004806028249254283, 0.0, -0.018213665564557148, -0.006709490609423349, 0.0027595642224083707, 0.005227418519313717, -0.0067258871886172215, -0.006541658014402805, 0.019731559347620255, -0.010845916158971104, 0.007255305631681568, -0.0041135707578392276, -0.03229417713304853, -0.002431309725901353, -0.016615401029896424, 0.007048167395069496, 0.0023658665879954, 0.007736594634594108, -0.015453813915849404, -0.00436174073113514, 0.002289506563882288, 0.002962947358447394, -0.026586158318516115, 0.005425962883576621, -0.013334034760603419, 0.0096463870603702, 0.003999029460306395, -0.00775042240629126, 0.0040858651590074254, -0.016797652612708054, 0.030835270193968374, 0.0856923223753954, -0.001069932656824852, 0.0799222585323729, 0.01847628488957722, 0.02469575540848563, 0.011124506046350168, -0.014703748364785493, 0.027023106951936184, 0.031418482433926795, 0.0008685165537734083, 0.0233901068934909, -0.015857814376574072, 0.0072424231133187775, -0.019446538780993127, 0.010956120983621604, 0.035978136055650776, 0.1301338253357184, 0.017274539448994566, 0.008575685115175185, -0.014835591670946937, -0.002690508118033902, -0.01989291693022212, -0.0044559205908416485, 0.09969391728120024, -0.0004886420565207686, -0.02846517377697983, 0.020954444185213722, -0.01331765274819057, -0.013478863885618926, 0.012900681706489213, -0.00701897279536804, 0.020761376579751595, -0.017027887198346334, -0.009975850410548001, -0.007580353914464971, 0.027109381433645878, -0.005178991148589989, -0.005667638137451727, 0.03421003481103753, -0.004235038050217245, -0.025756913505731175, -0.021888598233442712, -0.011570977369714857, 0.05180970304278176, -0.0021830114275044137, 0.14289563564939167, 0.03941332971587829, -0.012298463920459966, 0.0016307440087794084, -0.008698118882362472, -0.0069188150961069774, 0.05671792883834097, 0.051395628609186735, 0.029057671052102177, -0.02227737635032319, -0.003240110333260833, -0.0008995578436731632, 0.003842967300421195, -0.009983304432731011, -0.012660553480291308, 0.08838441166191596, -0.0010916077174376617, -0.002298770623659673, 0.024444255592823726, 0.009432647309819357, 0.005970774109886986, -0.019026950617653828, 0.025158631796178745, 0.0052560495923182115, -0.03884705496604256, -0.022555950546582652, 0.012301220815199727, -0.00408383708921908, -0.009075320163161977, 0.0, 0.019039470791286584, 0.012308803006619, 0.04908140928278282, -0.013035560634575566, 0.004145247976872534, -0.017851066610832463, 0.009120820387351106, 0.0010219128502063364, 0.006730920015537713, 0.015888482200328683, -0.008247878224613769, 0.012337036500062534, -0.004038292978554687, -0.009677293138338428, -0.01613184670469094, -0.01567819363405686, 0.005960613015412473, 0.03716753556422985, 0.014256411322781512, -0.0065894676584277185, -0.0176261982782066, -0.015803355503966738, 0.001795040425299636, -0.01825392941063559, 0.02283790056568596, -0.01772611923306411, -0.010678824235223539, -0.03993794515976527, -0.00869449964084044, -0.00944500309602908, 0.0027255473128647294, 0.007892013342762018, -0.01733192317886766, 0.004836548327448489, -0.0060505841911334055, -0.012899448796612421, 0.008284892721866135, -0.03910392822278773, 0.006084479264497317, 0.011157852307754632, 0.030659265309350873, -0.016768188587321414, -0.019015397821922613, -0.016903316654682598, 0.006638292414625372, 0.008877283777175745, 0.01763865139003219, 0.013525919694944748, 0.017843927631306884, 0.008458294906620988, -0.008681695628500392, -0.013606740426037187, 0.006589519206127232, -0.009199805719008672, 0.019319297838969372, -0.002665783633848084, 0.002298839118664304, -0.02327432322714844, -0.0013505595161292093, 0.0018005696557495331, -0.005316509120162597, 0.07436007800635448, 0.03375084513682491, 0.004855916170756027, -0.011433400427474103, -0.02792794523764872, 0.009909363591696342, 0.031237700955967028, 0.029642388453503084, 0.0361661932481916, -0.01735616507969302, 0.019989928292151352, 0.1488626959322714, 0.02586810169595197, 0.05628095471703335, 0.03125319965740239, 0.03384156286610382, 0.15235040707727596, -0.014185962630918907, 0.0168353173741179, -0.03447472134809761, 0.029493171055969207, 0.024091916768064946, 0.030714828438941317, 0.007226677500059087, -0.026879766346973626, 0.1553916764770235, 0.025173648565100556, -0.0462495264878136, 0.07152962863844574, 0.05361323255645407, 0.0020191558164216663, 0.023849131166149364, 0.026343438936005107, -0.005234311512216817, 0.018186531084799885, 0.0004886707985158074, -0.011673527259473963, 0.008162798549517073, -0.0016174717546368106, -0.0005032665735825558, -0.00956727182194997, 0.004898142050131467, -0.011323527211171053, 0.019051255012491875, 0.030443854098081938, 0.008903909206645962, 0.003208365852272314, -0.01786095317306966, -0.018209376546920186, 0.02997741146511135, -0.0053771817713327025, 0.019614067135307667, 0.023229994583350958, 0.014661354625599119, 0.02027506497565079, 0.01210713488372683, -0.022984160428455056, 0.021923204373634, -0.015374401739294266, 0.011107149772430713, -0.011638654998924063, -0.028697648317086044, 0.010858159566440121, 0.00926167081005991, -0.019257302578059587, -0.012866405224463598, -0.022586772239198333, -0.003177989997765109, -0.011678168083669355, 0.015067395570108154, -0.026443639010822292, 0.013226050534957982, 0.014564834624636896, -0.009380769022854419, -0.014719471605775025, 0.007405014033711782, 0.04062193857078953, 0.006006218292395995, 0.01462010683572757, 0.011751495875673049, 0.02432441509212524, -0.0030178981972523995, 0.0020861881507345014, 0.02940001089921573, 0.0008856224300663542, 0.0011682118755470437, 0.01884575433181868, -0.013307472186426894, 0.0005576593339368887, -0.005588118123604927, 0.002458464938899572, 0.00580249760247699, -0.01970427419159764, 0.012143553873775264, 0.026005844970720768, -0.005459863991493393, -0.01670653648062347, -0.0008989052169382995, -0.022521686595794472, -0.010049468662938068, 0.014612408635935974, 0.005754514143046785, -0.013839557211338846, 0.062121074465012756, -0.00011677688841268197, 0.1253168608870965, 0.019348733976952665, -0.004027577060343184, 0.021321896261313367, 0.004930320756674741, -0.012586216640556966, 0.007937151244261373, -0.008959652013890162, 0.0076449388789286464, -0.007216448745408052, 0.0165229295172475, 0.04813350414853533, 0.0016501025812530486, -0.01647973483401168, 0.01397189715789603, 0.007471829018394442, 0.055139431697574216, 0.026298767925875648, 0.04390644426377083, 0.004712310847858548, -0.006827982979565652, 0.0012779174350044105, 0.20417701958334233, 0.02475936175380232, 0.018959960488716256, 0.11470872085844894, 0.02331721589145174, -0.005624923012999027, 0.016445125789781464, -0.018134219326662242, 0.028559900121190064, -0.02347093800475876, 0.07229267917737908, 0.0233575012340155, 0.01584466101129237, -0.0010755599885230755, 0.0034572346554411397, 0.010157744106701424, -0.024040984125029936, 0.0015359968503400314, -0.004398398328623551, 0.011790825142345873, 0.015931282717601927, -0.017347269490867605, 0.0, 0.015913862503082757, 0.0026205060245356212, -0.024610525298335784, -0.014997845498486886, -0.00797827647957825, 0.13831052614659858, -0.009794750763656426, -0.004010862860258053, 0.004070097417996173, -0.015060096841581872, 0.002053770866766863, -0.024595737493356834, 0.02374563435857593, 0.0034919545152713397, 0.033729097162494205, 0.1295628932101708, 0.008845562103977037, 0.011868836761108418, 0.05800534756774279, -0.005387124189271037, 0.017931158024522893, -0.015359730104746755, 0.010528697644759695, -0.024114650553944208, 0.07684147811547141, 0.014690499347321749, -0.029947922296502373, 0.02046151161438112, 0.0001670075310762422, -0.009922546865769993, -0.015816010843855418, -0.01349402512303183, 0.03227809170305671, -0.004554260777967085, 0.023618833530488978, 0.00927582290087523, -0.015428944221046972, 0.003358919436463066, -0.028980047369191964, 0.022103739086942464, 0.07520076913000186, -0.004761624345792199, -0.005474166916217279, 0.023692219988885342, 0.01955838745376471, -0.005355977318003859, -0.010529922447102907, -0.00039160539683522175, 0.0026062348823970055, 0.023444426621513664, 0.03337026880218801, 0.045262778421939834, 0.015938750454278654, 0.040486879596092186, -0.04598550334537917, 0.009416282755629155, 0.003273841682685432, 0.016273820325950886, 0.023909316358993786, 0.012447928919911455, 0.021134291639393562, 0.013018859961043147, 0.006610929569806857, 0.02757056461236667, 0.0031434552111667528, 0.01999687088692427, 0.010246702915926977, -0.0059592921388478565, -0.01914678686074381, -0.011282668004381793, -0.0116267496412513, -0.020631325880274495, 0.009842789084802324, 0.0005014337860754801, -0.022033737905393973, 0.03358680936695212, -0.0036527896696107853, -0.004557640974675245, 0.0017730231126735598, 0.007621471214782708, -0.07384192408697071, -0.00788212865968679, 0.09819970365911027, 0.015811679308689056, 0.0022412697536490565, 0.011930635932590427, 0.0035407414098355015, -0.0108298991543887, -0.012252182540164495, 0.031176297165860324, 0.025463777260515692, 0.004153357535990663, 0.0036376719950100105, -0.029709801382987875, 0.015017959210283675, 0.016212259893325122, 0.026208833498036765, 0.007819040748867048, -0.024161463935551512, -0.0157566648895855, 0.004115822741287801, -0.011655562333208788, 0.027857269605647467, -0.058233570631609326, 0.003485809038082005, 0.022136718344048047, 0.0, 0.0074641173808965705, 0.00568727936498454, 0.008428005721980622, -0.015973164571642634, -0.031238181079493582, 0.035739408129964796, 0.01433163459344798, 0.0008049149227304806, -0.005791483834588556, 0.011222750679246718, 0.010092865518185007, -0.020314044057825272, -0.007735637776637755, -0.03481686980059413, 0.027981259866986033, -0.0347274061274382, -0.011318049087459123, -0.0033275934000697558, 0.009180915515295249, -0.033594611527826085, 0.00801989919921503, -0.023474997937546843, -0.01671005488353673, -0.006716538773849627, -0.03727103993410392, 0.015010576607749812, 0.020646886170276494, 0.0637550300955484, 0.0021731242999391267, -0.0046475970900610114, 0.04872875409600332, -0.0019334488147154081, 0.0685644602251911, 0.01265059712167364, -0.018876436705625145, 0.026809871632601172, -0.01041559951267251, 0.018933680767553834, 0.03369880369273332, -0.02983156929896755, 0.06143948869290524, -0.011527437300121304, -0.0017020471826093278, 0.010503097320125417, 0.02725530865214751, -0.008349234642507865, -0.01784515539671265, -0.023888434967342668, -0.004369016284828149, 0.029133208143687982, 0.04468661080357248, 0.09840779979946068, -0.0059075432375660965, 0.030538561785433627, -0.004686636002333722, 0.01647144275344791, -0.0031951251548424523, 0.0172305299999428, -0.005867677735853825, 0.00957200914490427, -0.022626386033617375, -0.010976632605000756, -0.0005846137707856673, 0.0165857977491946, -0.005820935455839156, 0.03757960005597992, 0.023378324477734042, 0.01069893083842216, -0.023066239511109848, -0.013369273252169581, -0.011094160149704036, -0.016359737700536288, -0.048474327714438555, 0.002316251640781337, -0.020228121762578852, -0.019425352502701727, 0.02196157710722386, 0.1651805486214045, -0.019710019862256605, 0.09976997868836432, -0.0033839328585248012, -0.005287394827253577, -0.005486398576653047, 0.018905097681585433, -0.0012134102825998281, 0.013080128231346475, 0.05726979514596311, 0.03194676091633224, 0.04587643268412743, 0.03694344462129098, 0.038153884811939466, 0.015215649470970287, -0.003524974135395159, 0.04845380082828728, 0.01058539520758669, -0.0036591218854060505, 0.019686403598243557, 0.018880546636112477, -0.0036774761444778297, 0.004955993431333284, 0.02557763460872178, -0.002969052531999123, -0.022551905625785802, -0.005185869044535879, 0.007035921737495622, 0.0207382711946961, 0.029356042262920556, -0.004063579940837728, -0.012091737548687071, -0.011177344496886525, 0.026591209180402406, 0.008927455302634479, -0.0029422260558249935, 0.003931016692603505, -0.0003944802958467628, 0.004427821182697291, -0.010222159360000585, -0.016694258556443322, -0.011506883318168504, -0.020785222119004406, 0.00645268720175392, -0.008432673750675605, 0.027867723121662157, 0.022399890467768933, -0.01327414808147458, -0.021437305989005014, 0.03857902846805527, -0.007828820716339599, -0.007436882764818671, 0.0483250874300256, -0.01341026974033454, -0.000591764271773829, -0.0017787519239244696, -0.019767481606067984, -0.010942474709030132, -0.006021822505635109, -0.004477843599122567, 0.008958871339307206, 0.016541866921249492, 0.0023701799246819786, 0.002227752836956917, -0.0075258873919791395, -0.013216787245564672, -0.004721054153454138, -0.001478004386175671, 0.03405178058966248, 0.03049964132485242, 3.6559437075715844e-05, 0.010506229702033035, 0.03417401145560371, 0.002437691682531805, 0.002489951699941661, 0.041162669936355825, -4.8613860444444174e-05, -0.009516949590211137, -0.0009389689727488401, 0.0066303533571647495, 0.01076388494260738, 4.536823734673372e-05, 0.05301639605767431, -0.018098146150049708, -0.016500373666645907, 0.009812328343889601, 0.02224866246131121, -0.029698859809363716, 0.006322876167592386, -0.014546098560731248, -0.009674056101603311, 0.005214986680181131, 0.005987034750722305, 0.0272582710700792, 0.007043360767173572, 0.024614394464508995, 0.015281827110241224, -0.03155513083080757, -0.0060778414535702695, -0.014684672936200183, -0.010034165191034217, -0.018717234805073465, 0.0021865057155231013, 0.0018088744670591672, 0.005462955477307979, 0.007530884568367867, 0.00825896183480372, 0.03499883232451855, 0.005974651200487076, 0.1791304388991071, -0.011454556930827036, 0.0018350269784562672, 0.0156380230853416, 0.0023748034515595545, -0.00808639869380554, 0.19862992130965149, 0.09953091229763125, -0.03157702871257511, 0.006917278359804398, 0.02970116138326736, 0.008523149394902353, 0.028151117515698338, 0.039348959224914035, -0.01463118787875155, -0.028248392703069326, -0.0005948727043496876, -0.026598989472261064, 0.03481170408326515, 0.025935745133371785, -0.0018398679244025454, 0.012832744323423703, 0.024673230874278244, 0.002867306451834829, -0.001239004082727554, -0.0055831755717814435, 0.0216761012765361, -0.0011862579399912726, -0.031076928112907323, 0.00048708399943958206, 0.0, 0.05136918074145753, 0.03227057717277476, 0.006561579612020133, -0.0019253132958937838, -0.0019358502587622165, 0.009829009287725341, 0.011378693732334175, -0.002597197992408125, 0.0026606698112318946, -0.0055916032081639745, -0.007492060598847898, 0.0035953233125170132, 0.009766158787877526, -0.008223057520963372, -0.01895634067003433, 0.0026640575959168, 0.008850111958352194, 0.00046786561099926456, -0.005696141525968866, 0.00021520330256518086, -0.022317982335680022, -0.006847758956797841, -0.011074309791188815, -0.00918062753867888, 0.012914667021702894, 0.009727633845886758, -0.013028591327224828, 0.024977271268725072, 0.023219376431328088, -0.010277551706916273, -0.004448239788835452, 0.020121899109230963, -0.025958605379223728, 0.009530977194671001, 0.0020677660661163272, 0.016691359134596562, -0.00492096310600223, -0.020080421286292918, 0.010940140531355908, -0.005786346894354443, 0.021394833415386377, -0.01378121303982485, 0.007147737135997477, -0.007912975948225928, 0.01520684954402463, 0.009813089548745975, 0.02317450219442383, 0.0178145099667586, -0.012918992433843018, -0.016311421217314635, 0.009804085601025797, -0.013387340202762154, 0.0048673491696835155, 0.019247380231319892, -0.01936210371360565, -0.004142484676582911, 0.0067712053415510025, -0.003231723149916237, -0.0029202896314324224, 0.023930641461745908, 0.012206251140373778, -0.0034010044961461845, -0.009332279509834217, 0.012657157288073272, 0.00038961594657736646, -0.004108163703208525, -0.003133325937995938, 0.009713094240294486, -0.00352687086427224, -0.013885813260349052, -0.0015799727544917898, -0.007535897121027683, -0.004822036711240303, 0.004741705727872692, 0.002444971992783758, -0.0012858689935898936, -0.008150725631340594, 0.009969114856130171, -0.0011867765917992607, -0.01572425057697684, -0.02304739241046072, -0.00843164943685035, -0.010807876485809817, 0.004670129398759858, -0.015473976840061358, -0.013131013563470318, 4.033305012754395e-05, 0.006073808094799038, -0.006581803485399891, 0.004252165581399211, -0.00403674452003478, 0.005067810772814891, -0.012028792394114007, -0.004585751744929878, 0.001765821530611469, 0.009947373024952324, 0.016269135909434317, -0.011014402038348, 0.025317407652939862, -0.013506548305346677, 0.003991652852748456, -0.01487408537708849, 0.020465352399476548, -0.036836073017090645, -0.00038051876553299316, -0.012824515713648477, -0.04375330624410683, -0.013927690012166701, -0.016989674846473908, 0.0, 0.015710424095441863, 0.022948400802836083, 0.0023500288065807294, -0.02599622670424931, -0.01201520445990711, 0.038847950158630865, -0.007124059018282381, -0.0171854612403599, -0.002478210432273486, 0.020201604711428883, 0.0022156848074736542, 0.011587996618485195, 0.009063479696218716, 0.00035936263344136594, -0.002308134020080963, -0.008514168897763106, 0.0006067095909552063, -0.022770234957731273, 0.010176280676876993, 0.0007802939772731445, 0.010363939870465832, -0.010682191718515558, -0.0026575860280255645, -0.009962887252531144, -0.023591546935471202, 0.01637072545508549, -0.018552886219799603, 0.0051748649326872715, 0.015671703491250327, 0.011422154390581758, -0.00264842299720177, -0.011230321767663408, -0.016313097686485836, -0.00739843908071831, 0.005016742571955865, 0.013824898133519337, 0.030760883023161927, 0.0027071274392491303, -0.0018242101627257735, 0.0025343031486681944, -0.013228523317278378, -0.0085299697481062, -0.009704623040683084, -0.01541847064957956, -0.008684377888622898, -0.017451083293064655, 0.028563302526722196, -0.009405813828296913, -0.004899895617095831, 0.0060375831506261765, -0.0041230438306063015, 0.0008398244520172957, -0.009048097370670029, -0.001858136632851145, 0.009110343776764231, -0.018390124141169018, -0.0182911505495781, -0.009230743828957427, -0.012803155814301418, 0.011277236800541468, 0.0077112911884391205, -0.022130552049378874, 0.01636977997515568, -0.005379219587234701, 0.0202742150792751, 0.022836390825094102, -0.0208704246630156, 0.02476103400962618, 0.013781553884097124, 0.01421114476306172, 0.018887844297195287, -0.003017461647699428, -0.02043359179510804, 0.030175007285952623, -0.02127763619760657, -0.01161745412946258, -0.023397979402260245, 0.014223362156106195, -0.01305244926089927, 0.0021898947718032038, -0.025133394653515613, 0.01377717105834528, 0.0004047599494277427, 0.01959891992928801, 0.0031542086556790435, -0.0013021972701754915, -0.009908370376538796, -0.016050404151864137, 0.004274634847990491, -0.021314260889869006, -0.02734349259531001, -0.007065154039832757, 0.0035354614435298237, -0.005464991159360472, 0.00022609846949450893, 0.026656753992659495, 0.0009196006960190507, -0.004450026267358169, 0.03373744084184094, 0.020836297327414852, -0.002231662394058703, 0.0014791477797432495, -0.0025239672553771866, -0.004198135819413649, -0.0084663880992699, 0.020347689182733178, -0.011576954288397983, -0.009819901754745805, -0.020189780080417476, -0.011344694392052688, 0.0038370194010827175, 0.006238814763574738, -0.009342610764711223, -0.007656136407999268, -0.017746606388199342, 0.01034040450972718, 0.06871130266179581, -0.003573621866349458, -0.005181256581289322, 0.0017574946982655362, 0.0036813629175420377, -0.003106029815199745, 0.0015903236455216338, -0.001677959973886204, -0.020159362775165248, 0.001885881562067215, -0.022179702179350034, 0.09698191608447507, 0.003461023199426316, -0.0018295434174413299, -0.025362573930040863, -0.019081750683253813, -0.014506944841156251, 0.02281040124264526, 0.029792298586681833, -0.013504348686960408, -0.012871531426345888, -0.011304323474515954, -0.009292320094458758, 0.020985544744605098, 0.01581746480975313, 0.010523234384351775, -0.004926259373605981, -0.01184426219135458, 0.027286664435541102, 0.053017398785580455, -0.013342671233733195, 0.011177244432212045, 0.0007582147405355618, 0.004025114278448414, -0.005257993475675972, -0.0008035502659826128, 0.010220315464186173, -0.04087495097245655, 0.0022371165778148354, -0.0018619414503380164, 0.032246378087256534, 0.008262356108248374, -0.03073928420083584, 0.0005887010226026216, 0.014210445838313919, 0.01652631224320791, 0.013412930303507112, -0.006046300886085031, 0.007297314670778256, 0.009197892460090843, 0.034438996451105444, 0.006908981462769815, -0.027822903623474636, 0.011839219906496529, -0.005500253633007944, 0.014818318109980647, -0.02536151219644537, 0.006694415123817779, -0.013107484132287968, 0.011109530845658801, -0.007372641278920697, -0.026885062536693836, 0.032010782266757826, -2.3029023573112625e-05, 0.032451356499241434, 0.04028557062876134, 0.010209986594499443, -0.005957182949267458, 0.023032555175896, 0.007555990920577074, -0.020245784719365875, 0.0038180537460035546, -0.004695904720022621, 0.015866286731421382, -0.019218695076782217, -0.014382845350034592, 0.02540485440178988, 0.021171414362772742, 0.01912924553881419, 0.021180923286777877, 0.0035597328336799093, 0.020482473620855146, -0.006582869477847287, -0.008548363341489383, -0.012586293538500753, -0.006142420753620263, -0.019528779732483743, -0.010352340766863217, -8.251724849386056e-05, 0.006440857703903552, 0.0017325411370684143, 0.007602451754614651, -0.02258692360930994, -0.014319350958472435, 0.17199946829557125, 0.025063096513908426, -0.004973172841069742, 0.025660825057524827, -0.0036698581878008563, 0.00032663730027055734, -0.023178887735856718, 0.012599538927878842, -0.015186375252604835, 0.0004360444103685293, 0.01949312201177944, 0.013413868837502346, 0.0, 0.06715202855194789, 0.06343728167270657, 0.019007804033953656, 0.009405905250547946, 0.02404790154679575, -0.012014770249911379, 0.012078887988784395, 0.007134555713936505, 0.013398741491422585, -0.006104830339504962, 0.021735918850089225, 0.024380991130541103, 0.002933202533320241, -0.0058464899151076015, 0.0006319020929807487, -0.0024638859132888255, -0.012036539122211818, -0.0031286420045288513, 0.009860756692155116, -0.007518966702977347, 0.01790281045591365, -0.0033253446049165297, 0.007718505416538643, -0.005396291288133211, 0.008823648152390751, 0.016558270341858448, 0.0013934230287377465, 0.017197376381069246, -0.0107996952735101, 0.011662784815345103, -0.006894857244185454, 0.07934036967412364, 0.0041537560705240655, -0.018880136666275273, 0.0010161968655629599, 0.009288756181887394, 0.013767253825720662, -0.007888651567516053, -0.013241346933253073, 0.07358788419796365, 0.024842549487329155, -0.0008869944929749381, 0.01199313852227314, -0.007737824245569864, -0.022941163338255986, 2.3954227527532573e-05, 0.03423103807920176, 0.008787426155037524, 0.006189065937532265, 0.01050981642341972, -0.004030156316664826, 0.007350546196917195, -0.012810974669749798, 0.008975462563389495, 0.0020487042554112513, 0.009998583788030134, 0.015503688138120215, 0.012683174697597823, 0.041191051611864114, 0.003352473312338752, -0.014356253041659573, -0.022098995259376315, 0.010787575523937025, -0.0118384747571567, 0.014543970585459722, 0.009708487980249552, -0.00848380785762728, 0.003945319955673888, 0.013286801267297093, -0.0007082322984187062, -0.003925629764620222, -0.00775333635385214, -0.013620425333404178, -0.005009482538901154, -0.00022246820673490063, -0.025958260971404353, -0.00651765202538416, 0.0003952000080021595, 0.01076269827782661, -0.00044491400581415946, -0.02119716224027339, 0.017670037959470003, -0.00466927807943231, 0.005916380801130712, 0.012178383398497743, 0.019212849774800735, -0.002648741325410223, 0.006062429104172678, 0.009040674222286072, -0.004538966254647158, 0.003541271236896967, 0.017647340848032794, -0.005327088878153894, 0.01605677139360212, 0.02745202482076083, 0.013761903842578005, -0.004817086232972801, -0.032794935344660846, 0.1269646029850051, 0.03154544586557379, 0.013044850052407903, 0.02650769708551553, -0.014618084262536933, 0.003335550878678145, 0.009858422497543885, 0.006109126765527102, 0.01839627673690216, 0.015763093466894803, -0.02140501971231181, -0.023728888510624775, -0.0070781055164386, 0.007243039203682752, -0.009029775036802653, 0.03521219310921495, -0.015176834910795344, 0.008646500775042589, -0.028302697186267874, -0.0001350815901576218, 0.011586891538563331, 0.07002938419378861, -0.018678419479488197, -0.00825829914667546, 0.005899572898961266, -0.008467427237818646, -0.005527868474042554, -0.01956220916437689, 0.007238315801472775, 0.017905721807944364, -0.004049329526429863, 0.019944330169744725, -0.009999888764818596, 0.007688874415299652, 0.00924412685108117, -0.006384698951206445, 0.003421427051952866, -0.0065401842883569955, -0.003842051742001839, -0.011264294188983727, 0.012651048855918766, 0.007204517327655315, -0.006634308633098689, -0.010504472260423862, 0.001272333796311224, 0.00435999505462736, -0.011726798859912096, -0.001511652866737567, -0.010337141356279342, -0.005436140230099081, 0.01773178355184243, -0.0008719124675903234, 0.012089192706274518, -0.002783096933672024, -0.021153754117334743, 2.6243754924635692e-05, 0.0003769811682825685, 0.013923817150757217, 0.0024809646649263314, 0.014127513516373924, -0.0004098962524487885, 0.006271030073452094, -0.011887028579747947, 0.0061668518456264075, 0.017005544515805045, -0.013256052609452205, 0.0016505375759958724, -0.006220571040420863, -0.0027307476292637695, -0.017319130390158092, 0.0062434050082758865, -0.04473092362600945, 0.015251613176340786, -0.01909803576646353, -0.019670555566688397, 0.013321054487238734, -0.0014557359119391098, -0.028597014874552334, 0.023443389989891338, -0.0064156825598774385, 0.031183998770616055, 0.027421264562322856, 0.00966946625148995, -0.006339138732104344, 0.011512279605067536, -0.007302717923514662, 0.0022136639337653496, -0.003137357727125478, 0.013911091126143813, 0.004659194087790906, -0.0010859443466675611, 0.003956468969663833, -0.020161415318440776, -0.006911486012362848, 0.022213459805376503, 0.0016441725093502225, 0.0036205645963310056, 0.00046827755947244294, 0.02343001014560662, -0.009643375321607743, -0.03348387330440485, 0.01142383406924395, -0.01397680204361494, 0.0037890262836126135, 0.004349137781365924, 0.006005312933574935, 0.012382040082685833, 0.011484586224499568, 0.005871498011474765, 0.01729631236618791, -0.002748689398174012, 0.010827792404514563, 0.018753832070429598, -0.010002343692259698, 0.08989428779527481, 0.04632104375918625, -0.027161293508992945, 0.019762744236256492, -0.00922067509768439, 0.009535266030300835, -0.01698328757532156, 0.01160984793748859, -0.00779273589975186, 0.0014979979962182332, 0.0019237317026119998, 0.012950740666652786, -0.025020125851761638, 0.014700227281174726, 0.0, -0.02362728496152523, -0.01330403368924254, -0.016381668661074017, 0.008387327440261157, -0.001971012255191382, 0.006987738478022654, 0.07786317862453361, 0.00018140704719615762, 0.01999583006938958, -0.019939008057396648, 0.00021692478558317784, -0.007198297666578009, -0.003896432713367717, 0.0053459640133689205, 0.01645488540684717, -0.020381513745545005, -0.006778335555544088, 0.00976950986570427, -0.015215488201274054, -0.01876759197760151, -0.004331160064412164, 0.00810197164850526, 0.008343815715550679, 0.020517713620355073, -0.03912562550732547, 0.021569559904972325, -0.0011722789327655821, -0.00545862252401074, -0.010358936705615473, 0.01290504930664277, -0.004603765287909205, -0.0015104443236611284, -0.02505662942071532, -0.01029759682002708, 0.011947034217408123, -0.002385322897366948, 0.015159700612775481, 0.0005230180612669142, 0.017713517876416306, -0.04020084761689827, 0.009133916182302847, 0.0017775006955340188, -0.0008530438599126265, 0.011589436291570339, 0.006994658218874788, 0.015595359818842181, 0.034771940340149785, -0.020482285119220442, -0.017391062857149753, -0.019152616273550107, -0.0019503535241166498, -0.009176013505594008, -0.001731861004701921, -0.0032966234566703142, 0.005552004688569675, -0.011315748786901966, 0.08428118966206584, -0.01044484653471625, 0.0031464966493982426, -0.016874183886494407, -0.023837750075782725, 0.01856198585507324, 0.02121720936959294, 0.035982289264902496, -0.019006751396291578, 0.017879360084418094, 0.2091722865389509, -0.010758978956255914, -0.0022563056624810146, -0.009292822161727787, 0.016058194430808425, -0.007275189511393351, 0.017335673748436354, 0.012377426063759203, -0.00030450007590560133, 0.002886550437202896, 0.0004384026778670398, -0.005367702486314067, -0.03387160430491871, -0.010332694301921151, -0.01267925746914366, -0.004217945706323944, -0.010863966008412539, -0.014435082034405012, -0.001597628834339629, 0.0018248458750794903, 0.019717230832828683, 0.007231794945568324, -0.005066202118463553, -0.003603331026331453, -0.02160753456445617, -0.012646732926594637, -0.0024673644003213916, -7.918673448170581e-05, -0.006047485828153908, -0.020036093246209304, -0.018755238993375115, -0.018716387355502212, 0.002438216721537588, 0.07398955855137676, 0.1002794662270059, -0.006129751197384457, 0.06871627708585348, 0.018714845791871177, 0.03646072261405872, 0.006957347462853712, 0.00614782268099728, 0.004620206489364966, -0.00409985871731599, -0.015176096998137208, -0.03709966995147061, -0.0036520085268369365, -0.007869558724915451, 0.00636050664536895, 0.0, -0.020824717600773215, -0.003390907937888491, -0.02288817258466936, -0.008683916902818696, -0.0016372282215849773, 0.010058899269610524, -0.0052304399555330675, -0.01936523934717855, 0.03874563893774297, 0.0182228245778376, -0.004502303361349237, 0.000638438002245487, 0.010950257816739488, 0.0010756944347734413, -0.004526745601101127, -0.00017870800698889782, -0.004310635094106407, -0.01290779727320007, -0.008276704441799869, 0.007647911919835439, -0.01608219171216064, 0.011205794615510254, 0.020121534638407115, -0.0003699464735520673, 0.005586556219725748, -0.006819328205301761, 0.009327185219360146, 0.00031691595699430994, -0.0008711171524595087, 0.011791315651671639, -0.012537206824861752, 0.07133634121982531, -0.030384660487062995, -0.0012985583489228333, 0.009824926407921378, 0.011708549856387897, 0.004433514076903666, -0.01623972452587178, -0.014534618532355865, -0.006164656224785011, -0.01433703977237295, -0.013355288252477454, 0.021075312739720412, -0.020178022480290405, -0.024540236222800393, 0.027823455449032915, 0.13440076445917262, 0.006149195554180289, -0.009399565839236597, -0.016051166754780962, -0.008903255060558299, 0.006627629028977422, -0.0282184559197073, 0.0036568052243196253, -0.019296667043819934, 0.009155320997010075, 0.03163323115723518, 0.013389993048752442, -0.006384390282180539, -0.004418123066948672, -0.0014248396594331901, 0.003245831202512841, -0.0035401279106017087, -0.00158437044853193, 0.00547203656875739, 0.023985035478974716, 0.0028254828140438274, 0.007118062661770736, 0.0019919870742423056, 0.0307651436985945, 0.001509897496717369, 0.0028184026624003427, 0.017155992874711985, 0.011783707125107793, 0.003999259235509293, 0.008232498570528064, 0.003620237972762831, -0.01434425896675242, 0.012509682911440329, 0.005489567781927497, -0.014287082732966045, 0.012701797632618425, -0.00537942591272511, 0.003698946530917375, 0.029642193767420055, -0.019824286330791863, -0.01038506431377374, 0.002226125928715246, 0.005263632669672585, -0.03090224608352954, -0.03108262070696018, -0.009806935187238755, 0.0020656610963524762, 0.0007685933920503334, 0.0017712900530897264, -0.0008237454424498104, 0.00305572880056157, -0.015313672373476537, 0.13956139389863267, 0.06801744770874854, 0.05158870060274904, 0.1457618248785434, -0.004235148631249338, 0.04762674901055369, 0.019250900186109483, 0.006927726865226324, -0.028729267775570066, 0.00752488981105517, -0.006901678196951616, 0.014874539039899602, -0.008671689943395173, 0.00977182055543497, -0.008923640643917775, -0.0010909776091082663, 0.013581475433937097, 0.0, 0.0172879231833607, 0.0015199583047597848, 0.0033070467660808464, 0.008218227508405316, 0.018950714430812927, 0.016728750082646317, -0.02118339262977521, 0.011945838943068327, -0.00788626392385776, -0.004921149611007922, 0.012036223942324812, 0.0011829434228317148, 0.009083315213971207, -0.0010816254157157473, -0.02496343305673632, -0.02011477864488504, 0.002607943608187777, -0.0027929014042498397, 0.00024857119014392914, 0.0013672912302361661, 0.0022088105277507817, 0.002700855917807475, -0.019710023883669502, -0.01319859766862736, -0.004243354670492461, 0.02107570110087848, 0.02247877336741785, -0.0024290508562412223, -0.025005522521223674, -0.0014357809553399259, -0.01643526007255641, -0.013415772070230834, 0.018425242115497724, 0.006425350089573534, 0.004813185947415995, 0.007600767331558201, 0.010858773621901855, -0.014629414633845459, -0.002751906813427829, -0.018560734730956492, -0.007159887126836738, -0.001177201376958461, -0.02443482959427882, 0.008922611588808568, 0.015603194013460683, -0.012570805799197634, 0.0030752648681884307, -0.014456443237139007, 0.009471761273663318, -0.008850724450560604, 0.004267332406738871, 0.014206327541405488, -0.013391338621932211, 0.010112296392848576, -0.013120573801595172, -0.022938126552058586, -0.03175153963653772, 0.011674585041079433, -0.01617437646120104, 0.017934125989984784, 0.03077132484528798, -0.0037863176277236708, 0.008571204910926144, -0.006383344030029653, 0.005465998073234097, 0.008823302652570668, -0.024637457568672715, 0.047765728389587946, 0.010911847002997323, 0.015268355840953578, 0.008282547427115315, -0.015209700187644715, 0.006090552170496841, -0.014093594476712493, 0.008418145048186302, -0.0054742265287429405, -0.01056752797603874, -0.0010862124154236948, -0.0068892908268417844, 0.023618824271969895, -0.026592405766167084, 0.001788473645651608, -0.014381980017511634, 0.006917274523935452, -0.02192235450709597, -0.005102695469577799, -0.011453707551251944, -0.0062812117943034365, -0.0036332113279603007, 0.008205603843876537, -0.01938266700372149, 0.017759052562502826, -0.013493676958029057, -0.01191699808759051, -0.01987015302209463, 0.006364178785730724, -0.018042756077535124, 0.01099096863120877, 0.17363356175062428, 0.1652363559100584, 0.005631568312730011, 0.016757558564501562, 0.05051983861335727, 0.011862815712904295, 0.08225325858362341, 0.029492352288149212, -0.028599633492589233, 0.009885418641675985, 0.005586284415113901, -0.03513720378542931, 0.04035228128550969, -0.0062923309255592825, 0.038379758091269596, 0.026507937785423364, 0.010569281326646128, 0.008223341578645066, 0.0, 0.14348204148474475, 0.007668223922984952, -0.011555780735170657, -0.015727674270260703, 0.010119663800430178, -0.006706918310955037, 0.03691635944939164, -0.009139177561214292, -0.0215281967391872, -0.01014535350587004, -0.01754829342532892, 0.00027950614188172295, -0.005020130452934774, 0.019297499131627382, 0.000593591397451774, -0.005302061411769305, -0.01194231204126951, 0.01211905963207113, -0.001372475798770271, 0.03102632225402234, 0.014498029793268774, -0.0028725077425822967, -0.015614212466634894, -0.015715126099534387, 0.025311504793886108, -0.0001918836730626767, 0.02711337780871889, -0.02001614238472225, 0.017071398094543486, -0.004541644500498089, 0.008799351830428008, 0.014875399078007494, 0.00015891775976040122, -0.0074690556518107005, -0.010801165235622932, 0.00588057096731518, -0.01640496666612076, -0.001604888231645249, 0.014837888082958172, 0.0073414641284551135, -0.007406622545624887, 0.00327975388760346, 0.010373750990784747, -0.008211806721450172, 0.024365516019408017, -0.021878852096058533, -0.0001768907245284819, -0.000668004741543974, -0.011293136626766714, -0.01102599474961091, 0.02099182735355726, 0.025887239633898516, 0.009488454852500487, -0.0114530338513694, -0.004905035272153717, -0.000870802142088225, -0.01375138563914205, -0.018124011951426267, -0.0339900563420648, 0.003754117173661146, 0.0026961315885278133, -0.009882279403338747, -0.019059921832374344, -0.0053455543287780375, 0.011344426733283597, 0.006470579791823596, 0.005541640612492415, -0.028144906143442384, -0.012824414197096618, 0.01715282696420943, -0.010442167243491937, -0.012156963117382893, 0.004627078545683101, -0.005142642293980863, -0.001843710290023936, 0.010269413713519604, 0.012273956271462223, -0.0320777103432945, 0.004166152260055346, 0.0046710351221364065, 0.013559361377936426, 0.0004979947347491262, 0.0024976358497541917, 0.006307692599175317, 0.024532687229449696, -0.004432902486996618, 0.011532859685903585, 0.004499690432650283, 0.01557813104227065, 0.008676749831526326, 0.021893463609475125, -0.006202918529020193, 0.02775447473505736, -0.018860082712370812, 0.0007721063173147188, -0.015356084931332822, -0.025166302691812706, -0.002077152532045102, 0.12491667896981327, 0.032571184425539676, -0.04685797069960272, 0.006470008482792743, 0.2162690935926729, -0.014271690465865891, -0.009739780890258065, 0.15757814124551597, 0.026633888091353586, 0.0003326647160320468, -0.007402184809168389, 0.006892963006123822, 0.01672045439589559, -0.01316848739570325, -0.02666510104200223, 0.003496075921954528, -0.02928492901818582, -0.016192594454453566, -0.02523278162038658, 0.0, 0.01382622920052198, -0.02217976540402657, 0.022373895858354434, 0.006113631242678868, -0.014865826554687827, -0.0024944346280899817, 0.19740571174183918, 0.008819468090115086, -0.0020629946734971615, 0.015669284094631013, -0.01679890162583664, 0.016277389642748278, -0.0071080390230821525, -0.002254190390202369, -5.5606559294336006e-05, 0.0031755666279357935, 0.10699630911577797, -0.0015244534900154807, -0.0012655740439529977, -0.009317567861299652, -0.007405507040589725, -0.0027679471510134255, -0.015483296630772003, 0.0027845235156450515, -0.01804719804244266, 0.007279946724990276, 0.012296918011278222, 0.0007646102444737701, 0.008625463356243979, 0.005714561628166104, -0.010892277303316973, -0.03512038232630931, -0.011050738413270873, 0.01118264968583042, 0.008909756345017767, 0.019037167230499228, 0.008732534744468098, -0.011102225176398363, 0.0005997343208051176, 0.010614250266847994, 0.014847104304341734, 0.007762802455927305, 0.0017773601931504069, -0.005743292044147798, -0.007243011622386478, 0.0012447122779609882, 0.019546733381068934, 0.015227406517823658, -0.011644403405217666, 0.007065901458955251, -0.006009261013680016, 0.017128434541586468, -0.0007131457506819902, 0.01671610393083474, -4.149794462347173e-06, 0.027963758722698868, 0.025069282602623425, 0.0010434079714302777, -0.00595540350823004, 0.0009876362803563242, -0.003757789885385063, 0.01923015996267439, 0.0006387623750864407, 0.04153947904345923, 0.003708433283813373, 0.004094816948836199, 0.028553020645324962, 0.018667502409167563, -0.0011772888467990266, 0.012913966581196744, 0.0158221513214367, 0.02401638982095773, 0.04499183942826191, 0.014256411146996889, 0.005057641029379604, -0.007643572681066818, 0.003544318780914587, 0.013355058184086362, -0.0012493646690617283, 0.012788410056030444, 0.01332390400456174, 0.010130183700808785, -0.02626177133257883, -0.01372026419439842, 0.010692074956868082, 0.009599320261324264, 0.02631763589776452, 0.006714331761305744, 0.014129222999025831, -0.016452023417930218, 0.004034228054404906, 0.01929700056291091, -0.015179919367143838, -0.0012997767075864032, 0.009285753619186616, -0.03398370991480124, 0.005340411598366704, 0.01321451249464848, -0.01179028518162631, 0.03984714510749205, 0.07354930701838432, -0.006306553735973042, 0.2722854249662504, 0.08953271379666697, 0.006453106012908522, -0.016632777965192032, 0.02264206588405595, 0.025547034083304544, 0.004446364133901002, 0.0010859624923618254, 6.378546481442264e-05, 0.005980022024881035, -0.014661904941945574, 0.003267341451064833, -0.0018121548087104212, -0.008063496030143665, -0.0008720854544359031, -0.008619838903185077, 0.0, 0.025609747766785443, 0.010555733558636376, 0.09517020770751101, 0.03246395994809414, 0.0025318029037377835, 0.002838989504084156, -0.004836365108560139, -0.018670647383672353, 0.005605180127329352, -0.016475473577160372, 0.010965018480037204, 0.008658487759294887, -0.005170176442023758, -0.000320442044954517, -0.0010131162140722685, 0.009293275985813969, -0.0018993804938580495, -0.02170910328044752, 0.002633864437761812, 0.004137243173421074, -0.011443652573260752, -0.0028074730346317506, 0.008675177234804928, 0.00044791962018621507, 0.010039063512271093, -0.002155793779699938, 0.007530187092727317, 0.002270109441928497, -0.012595819383904376, 0.007764175536253824, -0.015419490437842485, 0.038418668438704694, -0.015531572167107714, 0.00032923418701524875, -0.0017817151712928192, 0.013780489984890149, -0.008979249993916735, -0.003611533184077464, 0.0018641447539381323, 0.04141202168597364, 0.00971660975632964, -0.0047914953543640015, -0.0009226975411209276, -0.002913946736451551, -0.01617730645257494, -0.014541308502344743, 0.002524670232041939, -0.026147834857858602, 0.01117779890165471, 0.007638736861336808, -0.0006039437783320656, -0.010060258193948332, -0.012463459785953151, 0.016101710156714202, -0.005937111076597772, -0.009375709617708774, 0.08552863680897216, -0.010193412434981192, -0.004976080781078825, 0.00945558179645777, 0.014084769715959344, -0.007658346146320802, -0.015611001151563483, -0.017408871537299975, -0.013306036024299065, -0.0008179847465286888, -0.012353187816984086, -0.014704826147558511, 0.014858497802066852, -0.01585911471004798, -0.008636743039898798, 0.012868410855171665, 0.007154548122191838, -0.0002577799964366328, 0.012772980650111255, -0.0015164621324454672, 0.0009367955800105959, 0.013080609067381227, -0.00046407549269954164, -0.0007418896355830043, 0.0017367564719535924, -0.004655582824048184, 0.009747503471539012, 0.007603307627799657, 0.008760376242753951, -0.0027267647265981024, 0.020691815789165624, -0.008739485850596381, -0.0027889727452541165, 0.01239157925224068, -0.016901874875151397, 0.004422418995015871, -0.005277555897976321, 0.0022623253345634598, 0.007609976216743448, 0.007301946879801028, -0.010825543949763991, -0.005494857906942091, 0.09856243172841749, 0.05379628382385209, 0.02536382115960873, 0.13777227521433047, -0.009283053274666327, 0.08268649841668635, 0.07240476434769945, 0.04579718289529601, 0.04148101330526295, 0.00035224887529732073, 0.018106571845920173, 0.010010239590004058, 0.010845069960942765, -0.01062075262487708, 0.01565483164349351, -0.0036876170573940433, 0.020581354993283826, -0.00616478972365275, 0.0065777488846897585, -0.005859346206321062, -0.01273507779975274, 0.0, -0.009981313303222597, -0.0009178274285184851, 0.0007159041277843411, -0.013834856394120949, -0.005687951378530887, -0.006908843550494461, -0.00520416187055026, -0.030304866847124693, 0.010116836911266715, -0.00959898153108721, -0.0019667250041778992, 0.009085255806278614, 0.015355558708260738, -0.0032174999900188694, -0.010910622325013539, -0.017983533875949496, -0.019526806307750215, 0.0091460145024207, -0.01842432266550222, 0.0015963389525162222, -0.0024021172498286556, 0.012755283656893927, 0.002191325543001896, -0.010747254023197992, -0.017670606424590753, -0.011322347550568124, -0.020602894779474606, 0.0009593843235792575, 0.06072225980630583, 0.015383863687730445, 0.020365698319829175, 0.05718518031768719, 0.00830483807499238, 0.01271308641929989, 0.0708078990068412, -0.016010828191309074, -0.020860654750681048, -0.006625060368837271, 0.001259719768574714, -0.01418203106529658, -0.028396882122797788, -0.008785701907351576, -0.014305529813540658, -0.005402475875154438, -0.008136373161150703, 0.06503145998299033, 0.024761934032306872, -0.014219317264184569, -0.029880607547283514, 0.0014188029033707903, -0.020025917832816653, -0.006122583304452571, -0.014438751251403698, 0.018543667549903768, 0.10466123822379952, -0.009772537354828973, 0.026926188253155625, -0.005209849432050096, -0.016652451176359155, 0.0004900797674474442, -0.001757153328647424, -0.00541029188516541, 0.03923526626894519, -0.004238213495937813, 0.0011491237400297822, 0.0023658919969224367, -0.027152289361274895, -0.003244088721178396, -0.004966018022264062, -0.0009470474668869192, 0.0012248063469402935, 0.0017736842248413799, -0.01960715901444569, 0.008262047521759876, 0.0032251067403784583, -0.012592665133977499, -0.004454727383797945, 0.010468987326072259, -0.015110089809963277, 0.007799462996134324, 0.0026790301689948166, 0.011852439213665598, -0.015233408766279072, -0.008496828963122939, -0.016244957911814097, 0.01938842501532852, -0.003163943782816359, -0.004824080364002246, 0.005275692569490551, -0.031125766410179567, -0.0047206284044539895, -0.005447689803104916, -0.006469068283148761, -0.001510230003285366, -0.004551315615680614, -0.009920408989512746, 0.010115830196674454, 0.008722198073167802, 0.1138461482170581, 0.0969483721992898, 0.1119545224694655, 0.07075944919721176, -0.004349889949610086, 0.01004148427362654, 0.10449329244198047, 0.0826023137358355, -0.03455414530442167, 0.025573620452234155, 0.07312179772621757, 0.029474522296738647, 0.0048119017887827045, 0.013696828422354288, -1.522837153725228e-05, -0.019899782855049255, -0.025978074805218937, 0.023406064383787863, -0.014450944694881151, -0.00971302072694407, -0.0010079764622893236, 0.0005262132580967194, 0.0, 0.025633666464584495, 0.037359358160639594, 0.04138886424717786, 0.033077935794167845, 0.004854272576880676, 0.010319129369099934, -0.0020127476706941682, 0.005755632259452235, 0.0034988673878429077, -0.005084365905104627, 0.014958895616870917, 0.00698152469599525, 0.010418311952082296, 0.0014057337826877383, -0.006382240626505089, 0.017466468387056323, -0.0040198740720179425, -0.032123565624117806, 0.0037659594844138672, 0.005816258777209863, 0.01910495812284287, -0.006243303083384765, 0.0059096521889381816, -0.01910636388421082, -0.0007942360549404343, -0.0008478503985908647, -0.0026955960196492663, 0.0008024533563748866, -0.005457006178802334, -0.01079974023824748, 0.017267746394617183, 0.013849565219852318, -0.008089885318131537, 0.005612822402024331, 0.004902545888397209, 0.007247672454488168, 0.011278633063885555, -0.010829303533660038, -0.010667505079732291, 0.009079464859918701, -0.006609889947808007, 0.014829455288716618, -0.005290051201724735, -0.0036593626129372597, 0.0012138111738443538, -0.008271159632933177, 0.012801295134053287, -0.01249846807018019, -0.0038931655424042986, 0.01104200794106518, -0.003915638073744696, -0.026306264585318134, -0.008397546668827083, -0.000862146509139668, -0.02333785608468792, 0.009836128690746139, 0.031060068220607723, -0.0035389513920234487, -0.01886396596732941, -0.0036364844383261112, -0.021989413007832588, -0.017856390553228883, 0.000160013163439087, 0.02650636041850512, -0.0021831568835722617, -0.011999736282320777, 0.03913881743078399, -0.0022269552128632787, -0.021667075062448374, 0.012544680927161033, -0.003456646267926805, -5.808547136883548e-05, 0.007810853950534422, 0.00801353131926997, -0.011972696078845983, 0.006847909827378856, -1.2774793599663776e-05, -0.011088120672744374, -0.016091076495936024, 0.013592219186278462, 0.004885345185448998, 0.0194597706606514, -0.015070224376784623, -0.01210100940033899, -0.0006263142606009612, 0.004802435381533732, -0.015073206464988682, 0.014653469795160226, -0.016420011414876437, -0.005225971543778691, 0.01036056690508076, -0.01820148582963116, -0.014019204199444813, -0.006038197006432406, -0.00015137253310419435, 0.00417841542335653, -0.030852988432018107, -0.009112624851000459, 0.002499232655270915, 0.08161586967411534, 0.05006531540145174, 0.035492292880812654, 0.07849333065967394, 0.1690427266913751, 0.01279280265468036, 0.05299209724162622, 0.12410703389448693, 0.04132813399880947, 0.16084889128230725, 0.004072361401590951], "scale_": [0.011613954007605364, 0.013554102009654526, 0.13447294050491637, 0.0108650248772829, 0.1055929221973719, 0.06478932931059872, 0.023544037841316704, 0.06982072665174244, 0.12950067950959987, 0.0991779521079879, 0.007675990131449886, 0.11241956005170493, 0.11114631411510188, 0.12483028973435419, 0.16341889218937497, 0.010733209305749503, 0.10653699548923987, 0.10042883835203777, 0.11061800508451866, 0.14994874256577442, 0.11567856579977079, 0.009704676263048141, 0.16050829640502456, 0.12111270122621562, 0.08272522799038508, 0.11147584290771227, 0.08315822704361232, 0.1375634148836629, 0.013321210722262972, 0.10548231260231408, 0.12910488307938583, 0.07189918269902619, 0.19531946619639176, 0.12569776873630015, 0.10636062492814845, 0.1648128419416376, 0.012304977064319551, 0.0966086833064578, 0.11868734989058227, 0.11170855636273795, 0.09565071933196598, 0.1037324644485236, 0.10321937819097152, 0.14888893579298462, 0.08723031611277852, 0.009003844552993436, 0.11920753367603032, 0.12799883601820816, 0.06964757050410389, 0.10869077006982553, 0.0944034376501268, 0.10214651332951954, 0.1419617824641108, 0.08984509878538866, 0.10068749802237996, 0.018941456499045325, 0.07078931676059878, 0.20432156303772447, 0.06782513640596564, 0.09384969565050481, 0.077258340650435, 0.08774374802144916, 0.08473027786419235, 0.08354427182438726, 0.16797701168225251, 0.08042871014468508, 0.010258699278454464, 0.06354726212599113, 0.08659199392774182, 0.0983381833249957, 0.10119913350730758, 0.08415692693329971, 0.11500387309413841, 0.11221770966454793, 0.09215559493787427, 0.0812740878673586, 0.07169866720984666, 0.11451429659502593, 0.00921818462003065, 0.06682614265242398, 0.10697892635112077, 0.05473220649823399, 0.0982281793338733, 0.11078145541924014, 0.08749988052225638, 0.08287706812149642, 0.06827709934537846, 0.1079977159266098, 0.08120869459272645, 0.052891065627622344, 0.14152466013186377, 0.00992545940609725, 0.11811967277129178, 0.08419932601725388, 0.090127263038334, 0.11817214674263973, 0.1053996820577088, 0.09811795723754133, 0.09309046099603849, 0.07445883122176469, 0.09923685235349587, 0.06676729627219645, 0.1070289012809094, 0.10209991078148427, 0.08667607057550838, 0.012847598201236834, 0.11132376480356115, 0.09093991751606212, 0.1114340654209899, 0.12639487612617856, 0.1218834266922647, 0.14018957824395592, 0.1325541042864414, 0.14701935074612843, 0.12157616404989367, 0.0787991382346991, 0.1078005362620751, 0.08159220883736128, 0.07806367147405918, 0.12280464574209016, 0.009296283625081638, 0.11427667175649174, 0.0971267405843722, 0.08626867024989511, 0.10557494104883974, 0.16577427491816615, 0.11935963185935791, 0.12622722836710587, 0.12331180481863299, 0.15482115513315314, 0.0842001845002174, 0.09137388616266223, 0.06761607972275602, 0.054879108042325875, 0.07367554952082878, 0.07305666786471704, 0.00901723900280596, 0.0985438167745574, 0.06068340134157942, 0.05021162978895087, 0.07367827317435065, 0.07332972913291673, 0.06406240211573541, 0.09009450711712201, 0.0857687062350376, 0.06453437998694031, 0.06253057625184459, 0.04926858698420003, 0.060436796064558145, 0.03968106864622589, 0.08415126258856634, 0.10186619759557455, 0.07023809536571693, 0.011810246706707505, 0.10039385514656476, 0.08001766659781533, 0.06494557637755169, 0.10398999226210176, 0.07324389577657778, 0.06917531602221265, 0.07345882475797125, 0.08342712947356633, 0.10331088727764509, 0.05213473318506011, 0.04796991932666597, 0.07127028856237626, 0.0641385196095966, 0.08229933268280487, 0.08262664745569766, 0.07635220827054977, 0.06930193431993806, 0.011842124181306965, 0.08264631555812624, 0.06761416754406228, 0.08909172618335082, 0.10855579347425419, 0.0686204411336631, 0.10002213139634056, 0.11273761469619625, 0.08525587179348887, 0.06360698439249135, 0.03777513330646902, 0.07359546032177794, 0.08334386710495045, 0.04675722732789707, 0.0927575900661626, 0.10105633574890424, 0.11238476821625806, 0.07276681120904382, 0.0837380164860183, 0.01152620267200962, 0.09194269677315017, 0.09278620816619068, 0.06660907095298764, 0.1302952554033272, 0.12483061371934301, 0.0792595709949908, 0.09709161195006, 0.13652282870659724, 0.11363676464651143, 0.08353709808069451, 0.054630015467163485, 0.07282350526057291, 0.09490524512142409, 0.12242953937926382, 0.0890115422053927, 0.07123232752645546, 0.09568426703564305, 0.06550300335275322, 0.09222305208543939, 0.010858603917764147, 0.09105013078592471, 0.11161220360833413, 0.08072356983580478, 0.06275186566610447, 0.08377442111049281, 0.06709578272589632, 0.08736265671016927, 0.09277758948980783, 0.12143571952335165, 0.0965474259323178, 0.0849493139639618, 0.09212525503059099, 0.06695719212278861, 0.09813626551113509, 0.05466736238478277, 0.07964548331800968, 0.06824377941702976, 0.07595308084760487, 0.07610734807947839, 0.08418947966893044, 0.008174825505072699, 0.08422935476842491, 0.0736380370295195, 0.06718502701269075, 0.06841452218628313, 0.10737713591006798, 0.09145442623604426, 0.07196779724999587, 0.10809625077246517, 0.07083613739154082, 0.08357232233194145, 0.09300007253569698, 0.07928006214700095, 0.0587715204756904, 0.058364241761815344, 0.09173083727317577, 0.07860734519165014, 0.0435007904031694, 0.06905354741605423, 0.08162599581578886, 0.07631168659925028, 0.06536716936371054, 0.011509368642365129, 0.07799694656338649, 0.06701557622037282, 0.08668641551808742, 0.11771377627458945, 0.11138341620642472, 0.07134985387072881, 0.09204593452380665, 0.09250830215456601, 0.0828063908645728, 0.0794338089803605, 0.0681559480300221, 0.08597354357366906, 0.07103022097322972, 0.06353667775358074, 0.10839067712150205, 0.08409949346975437, 0.05419973444111227, 0.07459392282029394, 0.06015193004946007, 0.08500290780073745, 0.10546323490978385, 0.07456398837285931, 0.010153552863644054, 0.05437564180259512, 0.06791245588746228, 0.06030212108972843, 0.07411954553521709, 0.0617128663370681, 0.09367001743177837, 0.07628122594973683, 0.0827196958561413, 0.05979393360433544, 0.0661149755207109, 0.041763195670492116, 0.06323025983901334, 0.06950651840981734, 0.07883488417231113, 0.05300427976687805, 0.07395467356426612, 0.07134490138390621, 0.07673913233383167, 0.0817067368186718, 0.08431631438079483, 0.06962370408257527, 0.07984072274836945, 0.06942472214135892, 0.007407421652060521, 0.113469246039791, 0.0904723701871407, 0.05464121488642985, 0.11252252179884493, 0.0524503005126513, 0.07515704628072305, 0.06939133863714235, 0.06591289087675795, 0.08749707942895835, 0.08515779715619008, 0.06613945292014342, 0.059708252875885964, 0.06025898831594711, 0.07944920581579192, 0.08516286917452351, 0.055201792232885266, 0.06627321854336403, 0.06498628694750519, 0.0759831146110512, 0.07645991583259278, 0.08430079653083855, 0.04227384223038125, 0.07052422237426867, 0.07704854464558546, 0.00901413043442947, 0.08227807757624478, 0.07972317070394594, 0.08101679450761032, 0.07468062512600866, 0.0789274315033622, 0.0739388298252576, 0.08479169658031044, 0.08117977026408035, 0.06932514229829083, 0.06591996675884162, 0.04147043152517343, 0.0468011152327158, 0.04688075712369351, 0.0503387382544699, 0.0416415894344073, 0.07539675872693762, 0.055171575137641246, 0.05884147855817045, 0.07189569827410618, 0.09362577304606232, 0.07665345493195014, 0.06040104538254026, 0.0600718289058559, 0.07266961456320134, 0.06987057442321867, 0.0070863237348116545, 0.07371387563815712, 0.11352457567605144, 0.07000308081866706, 0.12886860424964508, 0.09247071776525849, 0.06538316558604869, 0.08412306194743474, 0.09288502072460052, 0.08964721105662991, 0.05571483738577226, 0.05384082721000411, 0.07370059551226157, 0.0547672566128809, 0.08463040579584001, 0.08171842677044139, 0.06696414392496383, 0.07072077975162969, 0.06633076727674933, 0.07958085274601219, 0.07156692303262446, 0.07679399022319097, 0.09649507794269627, 0.09878157778230841, 0.07736595667345596, 0.07040152345314013, 0.06356429868929378, 0.012556144240761763, 0.10682556008318746, 0.07145889605008401, 0.0648902200506305, 0.10278426554308326, 0.06847334351370382, 0.05146358277054484, 0.10061452913281883, 0.08342939534775276, 0.061249209918514076, 0.08068651893225792, 0.06648684682336635, 0.054952264607756436, 0.05953994446368638, 0.05910401796574671, 0.07508592475842563, 0.08669222597322226, 0.06588940372489506, 0.08655366022888011, 0.07256517635151205, 0.08032985789655961, 0.0791815834074687, 0.06797700113365068, 0.06579037880185648, 0.06697459063879284, 0.04066536706871712, 0.061327109917060155, 0.06899254082899166, 0.011374099857809631, 0.06361856669745251, 0.07828525104116242, 0.07054465643833933, 0.07971572961060859, 0.05002271329727938, 0.06876638152916541, 0.06959742482440973, 0.09967470000559457, 0.09364954321810723, 0.0653255688795557, 0.038003458718577646, 0.07578894290492826, 0.06724393030448331, 0.0596757078604627, 0.06246040854724808, 0.069837368003727, 0.0492062672351056, 0.06535763979716425, 0.06682894489445537, 0.05788454690962938, 0.09476587218887542, 0.07485159059772659, 0.0648986923071038, 0.059055464018684924, 0.06880012014072232, 0.05542202079400869, 0.07033766895283985, 0.05159901422437815, 0.011401890084481149, 0.0986632799923286, 0.0617587324358235, 0.06167156315148918, 0.10630654854235963, 0.07586582994041699, 0.10729529806095522, 0.08817000198979721, 0.08930345036747236, 0.053341608811889984, 0.06772747304073409, 0.06759830182821203, 0.06515266800403535, 0.04530482545247047, 0.07325945015211649, 0.05487513631529568, 0.058324197711110665, 0.07410382535084833, 0.07748379769044786, 0.07425800601090815, 0.06043548844892122, 0.08102893766134772, 0.08366059671460661, 0.08208225614189574, 0.07526385740792654, 0.0839086268854091, 0.0628718043839556, 0.06429504036785665, 0.05341046133452095, 0.05922811813378362, 0.009703816660239551, 0.052476782842343826, 0.07673123532764611, 0.060196172014797364, 0.0759818003142608, 0.08612163599849906, 0.06228562428211285, 0.08172001485937097, 0.09298950585493801, 0.07485665894594756, 0.09282501644614705, 0.07402673955839058, 0.07709305302765034, 0.04850262012588236, 0.08243977129276667, 0.07986363399538662, 0.05754902400319536, 0.052785953337415356, 0.082008201921237, 0.08744476585260974, 0.08323997113637975, 0.06589623756163504, 0.040029501699753146, 0.07259300550775392, 0.05082268553189152, 0.05232185338747042, 0.07023904750133636, 0.09052033177780129, 0.07413838482280226, 0.07186217028361368, 0.10248975987327921, 0.007518055935148302, 0.05921088797437042, 0.09244312954293009, 0.05648840556663556, 0.09144509668149209, 0.06333130184589819, 0.06193417092299037, 0.0669285468264125, 0.121258508771473, 0.0885497510867209, 0.06838541487594435, 0.05879616063142608, 0.06425514142817854, 0.05372868258275444, 0.07529271712885742, 0.10591711601701846, 0.07509067446867677, 0.05765671386323948, 0.05090294187250589, 0.06054044185379842, 0.0681029165948653, 0.05104864235877487, 0.06388165069792417, 0.07659882588533418, 0.06569921744686968, 0.06546756818795134, 0.052389244127602846, 0.05733698070185443, 0.054026157181914315, 0.055008036526293255, 0.07164019496644738, 0.060587115188032975, 0.00848705697673064, 0.09067895380272327, 0.07772993712053447, 0.05421383909979985, 0.07045700404287311, 0.05658708321604598, 0.08132084380699448, 0.052251500706189204, 0.08644442699076421, 0.06557803329534757, 0.061752188912565106, 0.059349632981637486, 0.07061580228499054, 0.05540339175492586, 0.04540704776228191, 0.09108066209340808, 0.0869181885541358, 0.05456522472819995, 0.08947644746458293, 0.049507380337135656, 0.07264642115233733, 0.0869330767570168, 0.05911375685415263, 0.08268642636320309, 0.05201548637932925, 0.056922629663782545, 0.04600116701335645, 0.07660913790607451, 0.051865307074896644, 0.05892851199659018, 0.0626644775205854, 0.09640171118086349, 0.0559598121596025, 0.006862920992708748, 0.061619290974808894, 0.08698347102909557, 0.04394819723706407, 0.07075820008409037, 0.08689146783244535, 0.053200267037531314, 0.07585168618480491, 0.08036006349526509, 0.04686422797701248, 0.057737930115728746, 0.06948208579978929, 0.06242146643983648, 0.0560709807214633, 0.07433473120284009, 0.07752893828964913, 0.08150212596903303, 0.06980045844977242, 0.0741277617179418, 0.07695594530942619, 0.0809209206906126, 0.0893731331767344, 0.07763877844201764, 0.07037756115709756, 0.048430170867766915, 0.06352108866711113, 0.06172660381124797, 0.06904415257147474, 0.062294241154666787, 0.07501895501982157, 0.0794487601533101, 0.07050182932169283, 0.04651947891665157, 0.10567164275667908, 0.009296419384483973, 0.08937072074530938, 0.06409778117524387, 0.05473146680867057, 0.10631286509791615, 0.09192087287691127, 0.10796233393131482, 0.08488565753046157, 0.12567684747553853, 0.08600431353114783, 0.047635237510877323, 0.06145212600435998, 0.06280738342390808, 0.04801903517308838, 0.09321890006723133, 0.06449569988920287, 0.07595971637336527, 0.07349528396579351, 0.06159337966252716, 0.0811379904854691, 0.09411433853558965, 0.1054788251643495, 0.07215321045664885, 0.08821469378490562, 0.07288467588352543, 0.07384018732367559, 0.08900870092297151, 0.056528519128359996, 0.05556779448048324, 0.08471981467203041, 0.06401370380752709, 0.06086038582155664, 0.07681845903966955, 0.07937097141627926, 0.06280771846440444, 0.007850847469006689, 0.10413832835480934, 0.08138890649364161, 0.06659647666264623, 0.11104001967064689, 0.0851235013292286, 0.06534308543431266, 0.10048871172744617, 0.0669600403471203, 0.09047898926347427, 0.05885036647869844, 0.04492320427422439, 0.09209146399135136, 0.05127130518410118, 0.056605074548722184, 0.09509371983541962, 0.08595885752990934, 0.05708671443711233, 0.06663184479693678, 0.046129049774962134, 0.05703385797854209, 0.08992209024778211, 0.07315924656339687, 0.10448608111993027, 0.09218508964470704, 0.09030371944604203, 0.055207829684313765, 0.05219752920646148, 0.06680489715721524, 0.06793098607164327, 0.06153366817352011, 0.05268907166892545, 0.06979063635138574, 0.07026583244536404, 0.09862653408043481, 0.08807541617694328, 0.011330192487249348, 0.0930630706961412, 0.08818942456340681, 0.06688840522797089, 0.09312862910325559, 0.0955941634187222, 0.10474002856652785, 0.10315495097085281, 0.07276441592586255, 0.07011058935786163, 0.04614139092481191, 0.07839870146410316, 0.06528771046914258, 0.06183471245892545, 0.0697657001093117, 0.07039733078170778, 0.07662272001819467, 0.08184020438641994, 0.06829638088294987, 0.07663410347759378, 0.07585794283859604, 0.0897981241347753, 0.08138814226950279, 0.09280976036837135, 0.059809837947785244, 0.07256121184384011, 0.05454376852690798, 0.06636543341265691, 0.057889081431222095, 0.0874699391976832, 0.0647312177326606, 0.07314148843339208, 0.06418939965084397, 0.07053588209625426, 0.07409664779915878, 0.06986446213094785, 0.06748769029375283, 0.010435984541110947, 0.08791799890390728, 0.08814145896949804, 0.07434909809173271, 0.11208652097672712, 0.06421260628352579, 0.10196621845223144, 0.10054748455948291, 0.09460428306943958, 0.10966819154981465, 0.08814037459952827, 0.054788327927379456, 0.06073473238520416, 0.050732944109159274, 0.05840794645212737, 0.09538281339651186, 0.08395288131624662, 0.06744131794335725, 0.05979576475761859, 0.07124272579032509, 0.09816907126478439, 0.11704722885304562, 0.07892406799987478, 0.058014956632044354, 0.06097459851539622, 0.09290034042825795, 0.07739369871834564, 0.1105155767778074, 0.042702793434684486, 0.08784078381080038, 0.05018851412114478, 0.06648942285638001, 0.07891546530979235, 0.08046923182808163, 0.05694035663847436, 0.07842851179937649, 0.07541827372240162, 0.08620188391945494, 0.00791136166360799, 0.07125955218957805, 0.10085657188164732, 0.05712953751213005, 0.129148600655735, 0.05443584108433683, 0.08410869770690255, 0.06538396912736014, 0.05948166603692966, 0.07410068052545474, 0.08642783787447844, 0.06474004154794448, 0.08690867840366165, 0.049301815951821655, 0.07658065274227596, 0.07475820736651027, 0.07580386522786124, 0.059335809449333345, 0.09958511069688555, 0.06652567253805208, 0.08932577684863487, 0.09654513257819329, 0.05732901077099983, 0.053997967913431644, 0.06685520069612391, 0.0641075751380125, 0.05901408006494922, 0.07824259808451313, 0.059710689906712355, 0.08846452989658217, 0.07302868485281608, 0.07281976801563843, 0.06469385759816676, 0.048210873926756374, 0.0892138883643137, 0.06543578818318393, 0.06634117451128724, 0.05334306157503311, 0.08955209240771389, 0.006396293166982458, 0.09412681406685008, 0.10161138161302177, 0.08882346010527879, 0.07262779323676644, 0.10764882629565883, 0.07433867794209356, 0.0847915139905012, 0.09401077398943382, 0.05538748810159565, 0.07893405101336255, 0.0712538275689473, 0.06266510370081627, 0.0595955284626324, 0.10189296071006984, 0.07452875558433378, 0.09323657258742075, 0.12384387658020991, 0.10241027384760379, 0.08530979529661295, 0.0677182188911972, 0.07357458981187559, 0.06925331230013475, 0.08287777415766764, 0.06986965163977159, 0.08859058082228538, 0.0557324949697804, 0.09692847683448055, 0.071528471402419, 0.06438111574866713, 0.06525284383626023, 0.08155348498580714, 0.06625431194839808, 0.06719659967635341, 0.06291786867771076, 0.07066509457585052, 0.07225068275564175, 0.08666672421198598, 0.07438017477222929, 0.06160425546723011, 0.007085864960416834, 0.061657309929204054, 0.10418006672286356, 0.0688652553141863, 0.10035439980312602, 0.0774034308673847, 0.07772374877388175, 0.10124786372944043, 0.1114332502928286, 0.09762445767330286, 0.058102034884746634, 0.03052577095373739, 0.06264111009647719, 0.07094797792814624, 0.0470589790266806, 0.07100172443945822, 0.06287086790533668, 0.06484358739767111, 0.0766059513584294, 0.058204481635528854, 0.06580205538674988, 0.06657415574226594, 0.06066157274938652, 0.07344171469448513, 0.04960913644952179, 0.0546613375172022, 0.06534621578122088, 0.06492969327079742, 0.06286348463702228, 0.07277766303075042, 0.06773413654921082, 0.06828675641467351, 0.0868532266876807, 0.06548297191773031, 0.06145901818482338, 0.051674840947390346, 0.03660226240975031, 0.05601965974744558, 0.07127443605986705, 0.05495539632682532, 0.0653189596847029, 0.006778954890451652, 0.11576222788802029, 0.12056957955662817, 0.05000612268746882, 0.10806028611309317, 0.07577928309442239, 0.0778099830255341, 0.08217538892548915, 0.10735375091468738, 0.07608825939317071, 0.05851225588816539, 0.05984332484384157, 0.07938023773185693, 0.04560696990566143, 0.0924320330151446, 0.09306947609330017, 0.0866481324663524, 0.06139215315775549, 0.061869412229253254, 0.08137249908452378, 0.07122900625802812, 0.046862856728564946, 0.0718782654213329, 0.07255575544095436, 0.08032319365955848, 0.0711483001148497, 0.0771039546268444, 0.0937515865510414, 0.059737162679665556, 0.06023825304524215, 0.06354766292331943, 0.07472294180956032, 0.057156285366934345, 0.07967231428349927, 0.07364382490588214, 0.08463405780877045, 0.05343582381196035, 0.059044400587058815, 0.06293958910699302, 0.09221636707929506, 0.0932615977387705, 0.0547802137896569, 0.00782141243211966, 0.08526891653038093, 0.09158149724769887, 0.07120736168736058, 0.13018899083040103, 0.06550147725033115, 0.08919409309901519, 0.06729886946927789, 0.06913172586852143, 0.08280510695115556, 0.05578102974123826, 0.08419861237591038, 0.05983490364289193, 0.07338741655864889, 0.05236314359314177, 0.08340005776009249, 0.1212084850803846, 0.06839008233375816, 0.07118437828142446, 0.09028818315423318, 0.06234599417922035, 0.05684842263097169, 0.07333486459991156, 0.07323172515462867, 0.08205226318606965, 0.058318849917725034, 0.04850521846422244, 0.09640880885506536, 0.07647529117850702, 0.04641419502363191, 0.0774486378300685, 0.06235858051443073, 0.09552854368359817, 0.06283433196997518, 0.06693515442589774, 0.08270790355204181, 0.05384054361535985, 0.061431607544114475, 0.05870933339883721, 0.06481952350102038, 0.08879227320160166, 0.08360028733578914, 0.08940084105563288, 0.009704732324753673, 0.1065424063206508, 0.08850816119020416, 0.07399299500875799, 0.08986972274623525, 0.101535085159108, 0.07443022011092013, 0.09398312060133518, 0.09086695090410679, 0.09830869040179138, 0.08452501275481356, 0.06249965267810327, 0.09039446720552863, 0.05509589997059704, 0.06329216638633148, 0.0809578572065922, 0.07569913118856725, 0.06596128320814801, 0.0814952769912963, 0.06976163665414538, 0.09086292619845607, 0.06575909304989566, 0.08742693562392903, 0.061165086375442566, 0.06902695672122323, 0.06474146965156136, 0.08285371322896778, 0.07897416121696946, 0.08995923992016347, 0.05383353713798503, 0.0666947887900491, 0.0729293427740619, 0.06792201155683059, 0.05804710154218131, 0.09000151573595812, 0.09950724109182746, 0.08285368119948695, 0.07246420548287852, 0.10514207528283145, 0.08780623031912897, 0.0926632832282186, 0.07339851007014378, 0.07552537068892154, 0.08260170731256519, 0.006652075756552283, 0.140642378315929, 0.09612598891265492, 0.07113101760667154, 0.10990431712435328, 0.11023449265388313, 0.11887536848872479, 0.09526609988454655, 0.08272137447884248, 0.12252859138406917, 0.06913427899836959, 0.07191010936117398, 0.05786255166153318, 0.057850018099331345, 0.10690227775643889, 0.1333177641371427, 0.09982972071036969, 0.09807780560982625, 0.09405679272933401, 0.1592210465851625, 0.12361692356550483, 0.08630439582600406, 0.0723108860342179, 0.07894659447072358, 0.07779179728147638, 0.08036321365251242, 0.09056606549018373, 0.07003977971425904, 0.06263679629977503, 0.06440262361601898, 0.0987548399308833, 0.11056004794137478, 0.07244857531529161, 0.09183258320539323, 0.08113100620874814, 0.0780374212070974, 0.0908105016474294, 0.08388308270363054, 0.08246555595972067, 0.1067086227640175, 0.08817128591316031, 0.08399894373242278, 0.10575616719181792, 0.07858111179806881, 0.0962186627332722, 0.007574241017643257, 0.07370982017139721, 0.07544341762247193, 0.0632757630048331, 0.09560451519044937, 0.06816846001413429, 0.08917350458276717, 0.08357960244608226, 0.09068554538496358, 0.05291979294981726, 0.06101903630801591, 0.05957831238445677, 0.065442482499286, 0.04323998097755563, 0.09096854870942017, 0.06244047877892704, 0.07851562553331176, 0.12394474846633545, 0.07687824308736607, 0.08238734060769053, 0.07247893331169225, 0.053690704384549356, 0.057234469246763245, 0.04383224267732433, 0.07737583894334735, 0.05222382797158062, 0.04738727184332752, 0.06907443872901453, 0.07056609835972573, 0.06603478185311654, 0.054166348021467546, 0.06190705825273068, 0.08086303519382233, 0.0646521177350021, 0.06514247935438311, 0.07452656855873173, 0.06790215223123962, 0.08856840187722256, 0.08695227738716019, 0.09446596628510809, 0.08999248998662412, 0.061784774250796815, 0.07593688871640025, 0.07794329650991177, 0.09345305600196177, 0.0754922917384966, 0.01208922087116203, 0.0824102644768002, 0.11657547025741755, 0.09219905346784421, 0.11066808615504077, 0.12675003885234237, 0.10166816788055161, 0.0897668103327077, 0.09856012541535472, 0.09933593906533499, 0.08426363211881777, 0.04386560600446356, 0.056266799898867244, 0.06720363591091887, 0.08233312546527055, 0.08168297045782286, 0.09815528231461938, 0.03315648489113923, 0.09337977774534893, 0.08494491427318404, 0.08717108994765396, 0.06625158087819127, 0.08528331269290507, 0.06901528327072397, 0.10055906901539918, 0.08300840124833891, 0.054051760281757524, 0.0654638022064509, 0.08175268081276527, 0.05580106399719817, 0.07867581959734962, 0.10066672981504902, 0.0754215848754797, 0.07324031876667757, 0.09539043418156867, 0.06898550694827459, 0.058448138093199285, 0.0893688798060531, 0.09177984159911123, 0.09313587975226142, 0.08514788570419604, 0.06884730538796918, 0.10726747969458543, 0.0986360137315872, 0.1267017548930982, 0.10989021953795997, 0.09741924435093144, 0.00616067270015784, 0.1229819136006933, 0.09601220906440801, 0.07944284801690278, 0.10322022804047609, 0.13366202095933685, 0.09684980875953236, 0.07883585454074053, 0.08820495452806525, 0.14701630689561485, 0.07105196066513983, 0.03949728963282835, 0.06461223432032175, 0.07911676233257305, 0.05783874600749744, 0.09449151423155525, 0.08175945498194323, 0.055501766007286644, 0.07046833226357366, 0.06057782920654456, 0.08031271913924375, 0.07842056458010985, 0.08801857219069464, 0.06860425890869737, 0.03954546168267312, 0.07073370570695393, 0.06177019572748042, 0.0724296493705652, 0.09403013803074957, 0.07669628178265499, 0.0965004881998389, 0.081885699290342, 0.1189451469678593, 0.07953230670668998, 0.04969688794551362, 0.05821144140068787, 0.07798223860491202, 0.060328646162259636, 0.060212225384213655, 0.08919816166366298, 0.06293910530816725, 0.07769845717356733, 0.08434108414459736, 0.08484381557607883, 0.057815179244947626, 0.0635000450842634, 0.06210358241462907, 0.09009998859832524, 0.009181370693416804, 0.12227478742233905, 0.09980382393685489, 0.07336146974875116, 0.12173174863872495, 0.11790967069959282, 0.07506259465238706, 0.10273793119613592, 0.10086145440418931, 0.09183649908369336, 0.08109629570843824, 0.08859304755189197, 0.06349262898365844, 0.058385230129580815, 0.0862820162808756, 0.08173281861780345, 0.08524822343368094, 0.05949676125601032, 0.06423434817245544, 0.09267288558742948, 0.10221763918157079, 0.08577349108713707, 0.12007649379802457, 0.09742927124351534, 0.08560864348189248, 0.04806278463796495, 0.09154416063805595, 0.10278187282106119, 0.060074295961913785, 0.09127651066935784, 0.07418976340791855, 0.1086444961532811, 0.09223869694608278, 0.05950302400176384, 0.09425974279097998, 0.06084823050177979, 0.10571300881563844, 0.09004082126564122, 0.09761081836692517, 0.0847997343409063, 0.06653509634974963, 0.05185597110661476, 0.1041649836068597, 0.09022768426694266, 0.07462677700080865, 0.09192604076548863, 0.07751746258028563, 0.08358955913424312, 0.08411016505971602, 0.007208786885214398, 0.09537485326867215, 0.060908440316930636, 0.09860289509411804, 0.08122241375953373, 0.08261954132009808, 0.07835090036574041, 0.08658589624904886, 0.06362634839003752, 0.07283953685977533, 0.07436887733281233, 0.04844841827100044, 0.07698611552744478, 0.06234862237044763, 0.06416988871184591, 0.08258581169093629, 0.07127999573450707, 0.052943959857169376, 0.09108734798910366, 0.08306082022646942, 0.07286811655803783, 0.0761120459665238, 0.052196989972882385, 0.08495291771722363, 0.053871806151353036, 0.07505431393675013, 0.06181849695405943, 0.07978798500089435, 0.06043983355901284, 0.0443783180148531, 0.06764608094171433, 0.05122458548645582, 0.04730847250072407, 0.0619644433262057, 0.046880190801527444, 0.058586233083357475, 0.06754934271117934, 0.0551372692826516, 0.04641990875384133, 0.058917153782453366, 0.050670296007287605, 0.05939128666880561, 0.07338693265971609, 0.07679558201653633, 0.09651412032207823, 0.064437214597584, 0.07446783898960654, 0.09381929396925694, 0.07561236266441154, 0.096298700361807, 0.009290951355030046, 0.10306173577009296, 0.10305531524554017, 0.08329392175122391, 0.10933949705408157, 0.0724388244644937, 0.07922901808592524, 0.08859965817506155, 0.1092862737579923, 0.07854650835035594, 0.07461288244115788, 0.07256563988128827, 0.08587083536446105, 0.060554278115791504, 0.05361352917954966, 0.06574856771992767, 0.07468301000361555, 0.07311906929486914, 0.06134060221319343, 0.06713658072458498, 0.09484703504451958, 0.05922208230606756, 0.04171800660559574, 0.07417198287813834, 0.0677964001148387, 0.04997153931932845, 0.05268039834590753, 0.08274996699194442, 0.05845645685209494, 0.056162374719691106, 0.06829920796003905, 0.07271711506282381, 0.05520219441880782, 0.06609649279290476, 0.061535971039608776, 0.07160168666405761, 0.05040687489339943, 0.07732843214146826, 0.05778499383145003, 0.07832363985737549, 0.09751380983355669, 0.07145420873483149, 0.07613217467197317, 0.08707677676490057, 0.08103058156722232, 0.0832812772586546, 0.07328193280975719, 0.07564729035850934, 0.08767037009101646, 0.06974568176121355, 0.05393447071326814, 0.009225309851667286, 0.07141575056997782, 0.09828278233771681, 0.07552244305038933, 0.08288523661540362, 0.08218754651183532, 0.10266084660846844, 0.1203784185659286, 0.08661610188578327, 0.10461359045433823, 0.07146845739525062, 0.09289146678613026, 0.05528647668431605, 0.06217347970810155, 0.09198740917188898, 0.09265060363826982, 0.08138043819712334, 0.0659256134256495, 0.061008448748874435, 0.11124757622559225, 0.11349551643174582, 0.05663491811806346, 0.05596586567312862, 0.07615037745258102, 0.061063837683391166, 0.08098198067698681, 0.09276462815604863, 0.080946881176369, 0.07650978269604437, 0.05396399505095137, 0.07018868825499797, 0.04423091198510701, 0.07665111989514298, 0.05818604729454428, 0.07550378145499309, 0.05536288340227581, 0.09303691659956834, 0.07276692588644414, 0.07884198369524022, 0.08894544909058452, 0.0629737834968744, 0.05448774302314685, 0.06881021182791748, 0.07518226046191304, 0.12009632373416872, 0.10421968859879638, 0.07618972622098968, 0.07731868069310284, 0.08503942415577959, 0.10466792206869935, 0.0907253035915912, 0.07520599413919239, 0.0065900947158531765, 0.05428355727051865, 0.07755296119527433, 0.071437454915513, 0.11590328001320924, 0.08705222357952452, 0.07167374147368706, 0.1159927912916239, 0.10092636196719194, 0.10024321745236063, 0.07933997886978005, 0.05467344930316052, 0.05910240703933548, 0.04663918271727853, 0.0845593374232769, 0.08681581519079135, 0.09309858748789748, 0.06104052186554016, 0.07134201629981998, 0.06130560912004378, 0.061721168593259705, 0.07342461977773525, 0.0789015469535721, 0.06189784160438902, 0.09840016753678449, 0.05744515272051659, 0.07605554204775838, 0.06690141873786698, 0.07437669867258452, 0.06720565534918455, 0.0844069846250076, 0.06962584263652558, 0.051639290799766806, 0.07325063045421146, 0.09776419364713121, 0.09440587238449724, 0.07930446420805642, 0.051612593116323914, 0.04955017415445312, 0.054172262196831154, 0.09180426020320714, 0.059531893540612654, 0.06899421703780895, 0.05196301248455998, 0.06852621492810326, 0.11929663110159205, 0.08176045014091596, 0.07949092124780166, 0.07638544860590564, 0.08706246395836295, 0.0758402486449835, 0.07433163209786925, 0.12233097667371653, 0.010246590837828983, 0.04464651412247708, 0.06071903528602854, 0.05550203489281889, 0.07910071771708035, 0.057118156987511874, 0.08546800229159444, 0.06373046345803168, 0.0517257757357531, 0.05796319585566609, 0.07539696156269858, 0.04303533740767983, 0.055407057644641586, 0.04831152244616703, 0.053472502126874856, 0.05581310396597932, 0.05942657548279031, 0.04998684925226794, 0.05960119265321962, 0.07208029971989238, 0.0920918295303132, 0.07002227041823672, 0.075934079218575, 0.05689580318867308, 0.04319414953569055, 0.05813844833085812, 0.056558998192632756, 0.07218547470898096, 0.06296852090690996, 0.039337734728392706, 0.05815105757536154, 0.06384813459649571, 0.06738270678934496, 0.0925221764076585, 0.05557502592256913, 0.07783122698004535, 0.04652025720407731, 0.046060091848106596, 0.07063683877546735, 0.10201732854925163, 0.06778188530631303, 0.05546401076857667, 0.055104086761021506, 0.06125522178048275, 0.07998507339055366, 0.046051803845602306, 0.06627169431198411, 0.08820470080970293, 0.0704591142881002, 0.07197234087814681, 0.06888095625070662, 0.04338148458309176, 0.057809435338983535, 0.07101479725918514, 0.005848731467283307, 0.08042304497136464, 0.07393883527970908, 0.08332694385099623, 0.09150187166494012, 0.0881214656478358, 0.0914465324224855, 0.11375341657138607, 0.07069501899241848, 0.08807545418456104, 0.07114408876439694, 0.09367413139821787, 0.08739763342554246, 0.04181487100859338, 0.059578266094982235, 0.1065976818790682, 0.07297073493780228, 0.058069523019370926, 0.07455326085001185, 0.058180983824937374, 0.08171864765268351, 0.06378202731520753, 0.0521338902195483, 0.0649192467478884, 0.06514850259489227, 0.08017850898972814, 0.06903550156095947, 0.11447828435588499, 0.06350212938944508, 0.09201483770057609, 0.05156623735060285, 0.09066106854066985, 0.08011034620550853, 0.08072133395974285, 0.09325553550373705, 0.06564416157843234, 0.0670077044970474, 0.088014429088011, 0.0880481396687817, 0.06718625539627997, 0.06096544512514801, 0.060529406820166665, 0.07484498291522958, 0.06044527611971245, 0.11111462781931081, 0.09562902830546641, 0.10755398711773698, 0.0818375776945823, 0.05832917468369793, 0.06926275744552132, 0.08048555195201941, 0.05925013570007126, 0.06988074525902506, 0.06812134293412585, 0.06971849906181021, 0.009367865614884969, 0.061575858056208306, 0.09909075704734309, 0.05668572951386265, 0.07182440102672216, 0.1094538332977872, 0.05587982968676776, 0.09528358282269991, 0.09332529180703306, 0.08962998111500811, 0.06268424158901914, 0.1009614285153326, 0.06922540169625345, 0.05678915954680468, 0.08145293046760851, 0.08956547580327817, 0.09674895204030885, 0.06053714475575855, 0.06013052025839339, 0.09244560364605742, 0.09172452421103397, 0.06314401257889073, 0.06287477091808692, 0.08215444360564851, 0.07432359669668401, 0.08549279970356415, 0.05653440108554745, 0.08630135766063915, 0.07390682958783529, 0.0734135613637163, 0.06638329041636734, 0.07079207347902483, 0.08493489414310199, 0.09161171052252923, 0.0929759614037223, 0.07199032707053897, 0.0739794495092358, 0.09004851745132894, 0.08368355188546017, 0.051019807707956055, 0.07940375234532787, 0.06543588190898067, 0.045392161704195036, 0.08904525599002326, 0.08473757850628222, 0.09527016090610457, 0.07614775761803894, 0.074810866974388, 0.06385326780384883, 0.08834894284037406, 0.07252637948656407, 0.060634020994264015, 0.08028601627686138, 0.0639618236354978, 0.06736264359425576, 0.0708936901728162, 0.00755317811016961, 0.07191604325213222, 0.07284203740227037, 0.057099427811422056, 0.09287748778657265, 0.05241143111062692, 0.07023297144620842, 0.06108204516615434, 0.07085171523869063, 0.08787514791458682, 0.07669693709193293, 0.053850210584525104, 0.049917896394481125, 0.05491668073952893, 0.06085815669991678, 0.09852067455136976, 0.06562325054791816, 0.08702325980556477, 0.06929235937271921, 0.08732960576669958, 0.06251319379235153, 0.06003061127306717, 0.049829734691593165, 0.07022072790848416, 0.07114482026803766, 0.059082001168986, 0.054618881687089636, 0.07242825597910896, 0.05547226749490191, 0.050594183023286964, 0.058363061186766485, 0.06310450405397112, 0.06235567885201325, 0.057413527304088344, 0.08286453972287333, 0.05561028767615814, 0.04746864728810505, 0.07867154159116693, 0.0924495063151336, 0.06752330132836484, 0.07605671436836696, 0.08780089170064048, 0.08138760068578056, 0.06463239967166753, 0.06010132875206935, 0.06700279868707157, 0.09635834481167016, 0.06536372317125237, 0.05535591165843304, 0.06744775677349032, 0.07050562720948908, 0.0769176037754375, 0.07094321119593053, 0.05065816274521045, 0.054181800236011234, 0.07541809343079063, 0.09925972239332391, 0.007445549772295272, 0.07667928803213285, 0.08408975371547867, 0.05565881023572167, 0.06412963578446743, 0.06833413346154989, 0.06972931568432805, 0.10347931271334461, 0.11271024398733291, 0.07177462941851441, 0.08770711096489758, 0.052851862100908614, 0.0554920087260172, 0.06243990135346174, 0.07216995028218356, 0.09251360073142952, 0.05846897902222356, 0.06848651894414323, 0.06524662345464069, 0.06735745490618024, 0.07499369972169877, 0.0668348766858779, 0.04833965704794612, 0.055567508792398676, 0.04707273699504192, 0.06809628346085689, 0.08016065229402211, 0.058503887013533526, 0.06397173862683458, 0.0512904743338931, 0.07518244741861, 0.06466691951319134, 0.04739730289812538, 0.06125326994068546, 0.05414074070569966, 0.07902103805297606, 0.0639225581806459, 0.10167781841208316, 0.08636539508621521, 0.07607748858352659, 0.09727085372467109, 0.058383127937787035, 0.08229610465174683, 0.10438505760933608, 0.06594798299385328, 0.09758657900833706, 0.07321777249301342, 0.09320605620619851, 0.1046641023717095, 0.08745151709996621, 0.06983588295134784, 0.06277292849981152, 0.06476087059964607, 0.05431732816152018, 0.06770381749668765, 0.06928380079344425, 0.08319535994877238, 0.07420030876071705, 0.007414452909481397, 0.11401505738960435, 0.09748432657485107, 0.056029636780398906, 0.09849811343605211, 0.11192028232680461, 0.10770343009469058, 0.11434844137461976, 0.10465039560982102, 0.08907148702498177, 0.06413840726174655, 0.08097580154162591, 0.06731970955336865, 0.046358914699382026, 0.08197093085327231, 0.09890250228997993, 0.0669418530526596, 0.07810954193775033, 0.07678903854608139, 0.06654853278045687, 0.10643821701881434, 0.07983472588755042, 0.11499794239332686, 0.07244942135645482, 0.06413857776115257, 0.06793677743599168, 0.07368048669816414, 0.09552220873045164, 0.07452607811588828, 0.056996909046842376, 0.08735706826911355, 0.09418086696582645, 0.09514556820484994, 0.0769902964450913, 0.07157351397303043, 0.08906754361874004, 0.07700154851961721, 0.10172672467900974, 0.08486956028188972, 0.09774692119285666, 0.0636919193948824, 0.07993197730435642, 0.10356241849113004, 0.05936293977518986, 0.11624396510457993, 0.08592134675592122, 0.09785896943703226, 0.08681643359805236, 0.09407499393948321, 0.12565676536175222, 0.09613037557932569, 0.06261973848605296, 0.077289603503779, 0.08653422596136162, 0.06793327588789767, 0.06065263896124047, 0.07698119170061424, 0.05473987337034354, 0.07600126290742384, 0.009846715633078713, 0.03911513756447679, 0.07802524997031007, 0.03958748572487458, 0.07115914579065366, 0.07132094696705174, 0.07196420701871858, 0.04455142347010731, 0.08391514483141353, 0.07624493921072986, 0.061700042948459335, 0.06550910752469244, 0.05817330995360766, 0.05465929469671979, 0.06786031361201862, 0.07537859715855846, 0.04485863419974183, 0.04831332841537888, 0.06412821538273819, 0.07117828551222677, 0.10895740400533951, 0.06512576433441158, 0.0792363239553307, 0.05111835698840316, 0.08021506111251622, 0.061214613722973495, 0.060166138458501564, 0.06009345935918749, 0.08071821829342352, 0.07957002361483798, 0.0816019977718613, 0.059350255554155816, 0.08145054350449454, 0.0668099396284762, 0.05977443149184994, 0.042180204683050226, 0.06025375834630409, 0.0748302095307305, 0.06789533587538778, 0.08779119911576878, 0.06671596585792713, 0.044840469737629576, 0.07466493349867055, 0.05106399322239053, 0.06387058765274153, 0.0702094764832686, 0.06434596427072345, 0.0789633085467093, 0.0634579285854586, 0.0590064065492212, 0.06072735692477647, 0.052613563285775794, 0.06559688411392775, 0.07529045577160505, 0.07649797958021279, 0.07466315138175889, 0.06571133003972328, 0.07703036298603418, 0.05799687248732723, 0.08128420886132728, 0.007906158901410294, 0.08803718839390995, 0.08939498514326884, 0.0762310365879168, 0.11832959666228755, 0.07715124670393017, 0.08866235775470277, 0.08625244349293539, 0.06773278738598165, 0.05790387070094617, 0.06191778914352009, 0.030471685850133032, 0.07163763757939046, 0.0907355651185788, 0.08185244091045998, 0.0724479515377674, 0.07041343539729825, 0.054200464036120055, 0.07082872678252827, 0.06285715410112708, 0.0657531030136497, 0.09585149758088762, 0.09485274936739595, 0.06620099859250245, 0.08051070007802175, 0.07413257668343703, 0.06387220288342389, 0.0681446797577896, 0.08065953890800824, 0.08811410688375679, 0.07607382506023445, 0.057538840910963146, 0.05988553846507279, 0.07889802830868957, 0.08293366044016554, 0.07785471989900543, 0.06847909933392832, 0.07657674500476525, 0.08146503491027056, 0.07028418746741061, 0.06680193487504375, 0.046915030505452385, 0.05915570293312541, 0.05103656176898405, 0.08667139509539515, 0.11479498304950878, 0.05515902749952548, 0.11928461750509611, 0.0767201251982086, 0.07554349934350388, 0.10883281913306808, 0.07167931333723102, 0.09537914007391152, 0.10019550677790448, 0.0634483060735749, 0.05740550697084462, 0.07047290949115051, 0.06682089214678778, 0.05865356228909151, 0.08023573036706427, 0.07884269156038938, 0.013563542617338924, 0.06597880924100774, 0.09496632607172367, 0.08322475755488679, 0.07636593864603425, 0.08999795891549275, 0.06622329326351338, 0.09503519211929079, 0.10064733466126374, 0.08839978932629422, 0.09285448765781795, 0.07362546251784904, 0.052766367216894774, 0.04731408405419042, 0.06325626342267868, 0.10524565608430629, 0.07178715813977643, 0.05729849539071191, 0.061934842603906026, 0.05952094210427197, 0.07639167001528532, 0.10466513013382632, 0.0743322243629049, 0.0618837408469805, 0.09942845464266742, 0.058288348934633805, 0.07922646890818788, 0.03845676736002228, 0.05286432457728246, 0.07062190775116518, 0.0691169887637299, 0.07638108844775035, 0.0630524000348902, 0.05196303190972344, 0.06972670235089677, 0.06489122105186354, 0.06025194917727694, 0.09600353772559862, 0.0893213404220375, 0.09185255315146093, 0.0709609727480466, 0.0785745499989399, 0.06540815870542613, 0.045502975522136925, 0.07882231835588427, 0.09006733243943857, 0.09571189506773714, 0.07965906868736641, 0.0740100915293685, 0.07877672239361035, 0.06504660745916245, 0.082730242343025, 0.061264625308179235, 0.057038630711869764, 0.09936626435849406, 0.07381006879436201, 0.08302282502334578, 0.05593123179491473, 0.07289177526172921, 0.08209066978029755, 0.08732306615437208, 0.05199679400725485, 0.010464465763605997, 0.08800795279126858, 0.11728181697334521, 0.0898512852983444, 0.1002107148741925, 0.10951646126681233, 0.09300595292125616, 0.09544848222513, 0.058186003823461126, 0.0902697106818523, 0.06742695999937062, 0.08049979579976273, 0.05093870148834795, 0.06240890077689889, 0.09077336763931733, 0.08185874041930646, 0.08709536982193597, 0.06291638692366432, 0.09750078799611499, 0.06397551028960571, 0.09401138696130115, 0.060824581858156423, 0.10313969078588231, 0.06593763906931442, 0.07467538103939945, 0.06504862203078732, 0.06554228167767552, 0.09392670038287243, 0.08945555145928624, 0.05747563935273011, 0.07550543323661008, 0.0628125114589827, 0.07669418224575333, 0.0936078611459733, 0.08662711494438666, 0.09673455560828521, 0.05173567439352798, 0.07342398823741812, 0.06896959017712714, 0.08969741075419924, 0.0914221685556384, 0.0580584988509876, 0.0906592132472839, 0.09107552822672926, 0.08301524027857851, 0.0704953688782043, 0.07362797461518225, 0.08030892202805837, 0.0819661907504812, 0.07724559196827245, 0.10744599075968472, 0.08218217590495228, 0.09708346808606239, 0.11139300547355527, 0.0842381355081557, 0.08169800094489452, 0.09107839683545053, 0.06615760657204653, 0.07576404372546038, 0.08101666367342428, 0.06603301378246024, 0.08293278555969419, 0.07338712745557159, 0.007950754418466321, 0.07388334291767557, 0.07717887387098918, 0.059126506871690465, 0.09337711512684177, 0.07828519777606903, 0.06609533927408262, 0.08618604697059448, 0.05351032422935813, 0.07518531815732743, 0.05107667836916753, 0.03386061125233319, 0.05122041969566693, 0.03331954754987132, 0.07255519104006727, 0.08517627218708378, 0.03992669181410815, 0.08393923906763232, 0.046163145228962456, 0.06262672381404076, 0.06118308424681944, 0.04190969571455326, 0.08263418443170986, 0.055414784510496126, 0.063956188619823, 0.0772003861088604, 0.06644507576289656, 0.0830872033336841, 0.06605257036170334, 0.051149690151995886, 0.038509758938770705, 0.08296729283226605, 0.06217293777670291, 0.05121930324213756, 0.04926434947284347, 0.06304600830466794, 0.05408147664794299, 0.09008739609112562, 0.04834125732687057, 0.05216750707408321, 0.09660662746017046, 0.081004087970657, 0.06381698609186989, 0.0849594530789621, 0.05739223457296946, 0.08580875401047994, 0.0681039662450677, 0.08128964237303125, 0.07696724639893099, 0.08702016050737371, 0.06145309098776635, 0.05583750528091056, 0.07461626842908481, 0.052133315452696415, 0.03519804114034327, 0.09436756789422462, 0.07816116497880549, 0.06597976501610472, 0.0530163879709078, 0.05238167091924717, 0.06144132993146217, 0.06930492909214347, 0.07019921135354348, 0.047667345758540605, 0.007971630076209164, 0.09343540447927534, 0.08127691169144219, 0.061680601823207, 0.0929135762439399, 0.06475432331676591, 0.03609908654253465, 0.057527094099312226, 0.09873468331835161, 0.07392660414515381, 0.07397355638402203, 0.04522284144654458, 0.06423515515636635, 0.06530831460497842, 0.07232669059464505, 0.07991381827444041, 0.08200270132978701, 0.07312902053097786, 0.06627605578335555, 0.11134105507534141, 0.07748010310406771, 0.10349573995184164, 0.08609893224987285, 0.07783483317467671, 0.07792708658900825, 0.07557364787702622, 0.0662422732842626, 0.07546677892534227, 0.07094973568003114, 0.07970708293299952, 0.0985733193901105, 0.050157884879754824, 0.0797872559053093, 0.07228265886004777, 0.07306564746745742, 0.07623271179569081, 0.06784557150764692, 0.07546001081057767, 0.07650671781487761, 0.10679365072411551, 0.06838137096239823, 0.0852376538410047, 0.07622954374730492, 0.053833965955746105, 0.09368627216962568, 0.08544923908547306, 0.08100115143136118, 0.08795095714873515, 0.06908118494277199, 0.09134629942738524, 0.0744196153073366, 0.06027995666515765, 0.04413105178851044, 0.1316478140834858, 0.0579254053873214, 0.10846279209667574, 0.09376855915072968, 0.05924173151870384, 0.058934050831754986, 0.06011572299472515, 0.06792424258556305, 0.10813542059871493, 0.10578205007003437, 0.11509166560178108, 0.07179216681835117, 0.007939363725444452, 0.08571016568195719, 0.07153545353127871, 0.05838430394295792, 0.10712056071528855, 0.06463323554482218, 0.056966653591836225, 0.07322307611612022, 0.0888884753259924, 0.07304666936081189, 0.059078762733583486, 0.06889376354347987, 0.06616045570505516, 0.07363964751919082, 0.07976400858502913, 0.1039989639264367, 0.07632059795014237, 0.08426288871597856, 0.08603519901252638, 0.05678492757435262, 0.10625644341829998, 0.08438794912729614, 0.08094130264446786, 0.10584771730904505, 0.07922528037058724, 0.056827465647154324, 0.06596914134328714, 0.11042259870575662, 0.06720709760688318, 0.0681957216468532, 0.06804463088926214, 0.0672344775648578, 0.06260051056987857, 0.06188122649897849, 0.05881279452859812, 0.07064421414528449, 0.06793947787244188, 0.06141215877686436, 0.09273578564989152, 0.07131222917238775, 0.1045990657876909, 0.09352654347964365, 0.04405356837447741, 0.08133256686828294, 0.07383009774038961, 0.11667801329433813, 0.05468324825065119, 0.05827673118023236, 0.06008920109091883, 0.07729798704893533, 0.061009767467932415, 0.0971962154175092, 0.06533162671258011, 0.07147237396546258, 0.05152707274771236, 0.11558175119654013, 0.06827043148022618, 0.05222006341085216, 0.059702768621908056, 0.07822538566153767, 0.06726680996635123, 0.05302672876561832, 0.05805822616212368, 0.06775754484996449, 0.044302501906873036, 0.07108281160849536, 0.011327222229831187, 0.13126070156884528, 0.11234156612888714, 0.07916582781073704, 0.10762598787002037, 0.12066431885717344, 0.09626348952871602, 0.1558779072172443, 0.13235379083602183, 0.10562071820615745, 0.09495234750907605, 0.0783437990666253, 0.11308568780322842, 0.08071879759560564, 0.10865691956780842, 0.09782426517740923, 0.09241178559297192, 0.07842331214023912, 0.1227098353679123, 0.1251320291735309, 0.08790445293993249, 0.09266161248361068, 0.09650401812905583, 0.1273769080531733, 0.09189726966544194, 0.06888266671027711, 0.06318033910570285, 0.08430789753578322, 0.08950284905097608, 0.06819355913379836, 0.0946153243590246, 0.08747225429134001, 0.07473938651884164, 0.07066588659318987, 0.07994827979071714, 0.09050686593529997, 0.08862085232068342, 0.11095053910057935, 0.11725303996545312, 0.0849773443592916, 0.06289592091894458, 0.061888833223601544, 0.07259939435398832, 0.07326414323214994, 0.09458977165422919, 0.09832933486436987, 0.0603243810745305, 0.08185828867539068, 0.07771955743203374, 0.10999809177130146, 0.08805176280073593, 0.07337175057342399, 0.14842004247455287, 0.06866277399820606, 0.07923162135844403, 0.09821252572305816, 0.10153241354790456, 0.10392136158204039, 0.06797534223253172, 0.09513385532325674, 0.1110680893377996, 0.09635168219267107, 0.11334245420761825, 0.10330922425587015, 0.05992139171786558, 0.08764764393442157, 0.048499518954496744, 0.013997834411309792, 0.13983626016987588, 0.09307615454767071, 0.07487519237766166, 0.08869842726108787, 0.11249375401321006, 0.08353726693216701, 0.12291683007292588, 0.10762934744414268, 0.11688727387394546, 0.07273143193080817, 0.0700407771138632, 0.10922567159167339, 0.09458983262213957, 0.11679107641921291, 0.08846291735197699, 0.09350456952227856, 0.0685192380420547, 0.10775941697752252, 0.10646934501156939, 0.12385204525020202, 0.060687724347576154, 0.08065450896251397, 0.08324494686715994, 0.07839046219981666, 0.06995592661519617, 0.06201062072571174, 0.07028712336508525, 0.09434689083603481, 0.07559262376579659, 0.07487738235507041, 0.09884350377664987, 0.061218036088828226, 0.08195097288567535, 0.073868124668316, 0.06006458886313959, 0.09318807930617053, 0.06931024959934133, 0.07376726751539484, 0.07298599565000746, 0.07689301607101641, 0.07151266119066968, 0.061746032350386615, 0.14040950846839007, 0.07632635677429238, 0.1036691528941677, 0.08927394421923045, 0.07876516140361378, 0.08047703581795829, 0.06357440077793297, 0.08578723151698636, 0.055180589926426334, 0.12339007332065328, 0.09498791247695401, 0.07704961976196041, 0.05738788914649752, 0.09252115899700225, 0.09252155585558303, 0.06376302013859154, 0.12180292469599444, 0.06747308488618758, 0.10140104096935473, 0.05917903216447234, 0.08538398159257568, 0.0666659652171069, 0.08625486236260298, 0.0771428952631469, 0.09312662732452048, 0.009635274238217233, 0.08931799837387275, 0.07011288896985943, 0.068942782719818, 0.10568068368779998, 0.06467384288150087, 0.09779465972025067, 0.10804076631263346, 0.10386388601691345, 0.11575556051113975, 0.08374488052999986, 0.06835134165003508, 0.07738304088858279, 0.08384161183147965, 0.07119133400685898, 0.08966483915226622, 0.08838376166714285, 0.05895848004963933, 0.05448146715072192, 0.11239399731941331, 0.10712616309859543, 0.0750412740381633, 0.07672354139572128, 0.07420577103727544, 0.08423894801785807, 0.06532790374022372, 0.09575206109307617, 0.08213496016131341, 0.06249092616000605, 0.058555823987291075, 0.08947088066986597, 0.08105379038445922, 0.0629450098081606, 0.07884489338845192, 0.06768267420112242, 0.07016820000394369, 0.07397250898575752, 0.06263023784228622, 0.07267384437183828, 0.060513547598763956, 0.06167503442806242, 0.0797076039585624, 0.07505530604209197, 0.09707073681925374, 0.09826093183889063, 0.12619512539382224, 0.09664209316092562, 0.10878217332250817, 0.07060432371168114, 0.09902952119072672, 0.08803987179362326, 0.11040322424096627, 0.08578195098967893, 0.07281113873452225, 0.052762206222911306, 0.07883875282429981, 0.0919557660426538, 0.06616940666197921, 0.06493469832222162, 0.05864557775487651, 0.07199053993608551, 0.11439396897401964, 0.08889526684970037, 0.06987898589415929, 0.0978618550906947, 0.05563943403911603, 0.05258011769735364, 0.08075959460606645, 0.08233302336915367, 0.01215705776525109, 0.1291030880914795, 0.11730966329516729, 0.09848315084566311, 0.12467991914834747, 0.1174845658917149, 0.10907984724324522, 0.13697712201642928, 0.12470246887922676, 0.09921158356225918, 0.11501988459455739, 0.05763892715672264, 0.09574716876217089, 0.09677158657261266, 0.09923870305704632, 0.11246250364893745, 0.09789302804448402, 0.08391766906381552, 0.10011674369499307, 0.08667287213096718, 0.08637317347340755, 0.09891986532181044, 0.10950247469826285, 0.12562620045435052, 0.06942622608345529, 0.09193529395711265, 0.07911896569732636, 0.0658882379549176, 0.08115359689446972, 0.05104516914970763, 0.08293827769220952, 0.08674778854785978, 0.08882076918428215, 0.07751949890059076, 0.05372496011098851, 0.08720643367583979, 0.07165864384967655, 0.08528144655228395, 0.06943468241306856, 0.10726031780315765, 0.08854879267814858, 0.08111285748542096, 0.06078516665857995, 0.11136358309442727, 0.07278961754957117, 0.07466400847791907, 0.08436692193978598, 0.06171833078594909, 0.12202089115487, 0.12936185371663494, 0.05993122919139722, 0.08619183718448392, 0.06886819939205545, 0.08044443172228204, 0.07291768017835713, 0.1026446973474895, 0.09657367282748638, 0.0712615055747521, 0.10240795267070824, 0.08497789650636893, 0.09403771725196805, 0.08585535952232853, 0.08095887251903183, 0.11265742604352594, 0.04483935136001842, 0.10361918294339875, 0.08244543415376437, 0.15502169881293015, 0.17645791315386722, 0.10385713972910646, 0.0077469216028245615, 0.11321451679764705, 0.10611452017511962, 0.07721520943237462, 0.14409824638058238, 0.06550423895340912, 0.1136250874589983, 0.10564800291675966, 0.09675675426452457, 0.14283476160553848, 0.07902204751586633, 0.026638941406693935, 0.10589288820116152, 0.09522935021237078, 0.10255118993131548, 0.11101919406453135, 0.1336081067605293, 0.06828470612353163, 0.1096965563878026, 0.09090395064227957, 0.11438488909713648, 0.08793304983978453, 0.09504690891831498, 0.0792575212287922, 0.09431622797044961, 0.0889671371679564, 0.059823361933833405, 0.09773945284010291, 0.09007489974739666, 0.04938736826882105, 0.09804013523666422, 0.09828405161403667, 0.058802422578275476, 0.06645077687262271, 0.08088942478748974, 0.08824178767222436, 0.06237036680379198, 0.07771501435828274, 0.08503902688790421, 0.08733824304877973, 0.09175608221766596, 0.0658851548442003, 0.07772660534218427, 0.09148707719487513, 0.05588074198699508, 0.10643402784674186, 0.07719804541418374, 0.08907423210723978, 0.06087117668310275, 0.09418511743143947, 0.06541556534159414, 0.07018354975322964, 0.09855551256566841, 0.05327794220705137, 0.08021251728212264, 0.0724674229504372, 0.12443821097527416, 0.07025809301113113, 0.11097460168823632, 0.058279831786077395, 0.08069521295242524, 0.09890799870233094, 0.07075938964365247, 0.08845477863465007, 0.07311744693145969, 0.07257406908383347, 0.0876347358066426, 0.13603202872239703, 0.09016006986462827, 0.09365223088886865, 0.09894007101267124, 0.010854381403940235, 0.08988612783220155, 0.1320823976275104, 0.0879245819218499, 0.1244816944640014, 0.10393999538007578, 0.0976178618188656, 0.10164625483973173, 0.1620657238757916, 0.10366973504638638, 0.11316555676348375, 0.1269450015925086, 0.0668546973058504, 0.1078394848122585, 0.11152014737349958, 0.1090984144195485, 0.1517302505019934, 0.11345914195695507, 0.09749179409876149, 0.14857500197809842, 0.1062462084292986, 0.09199900689889695, 0.10027621984578083, 0.06110239371413737, 0.09063564073178065, 0.09037083167103101, 0.06944580084142313, 0.07607853648097673, 0.0916583350553556, 0.09011851034016943, 0.10766248714093993, 0.11748165425800891, 0.060974418573202654, 0.10778127875249544, 0.08922233146595862, 0.11193842027373088, 0.06879273849411698, 0.07332673798304083, 0.08270609717718218, 0.10021070598273471, 0.10670923674295457, 0.10204778276969631, 0.07047859375374721, 0.11665383030580606, 0.06901606403161853, 0.14855758249058307, 0.08415333478644606, 0.1502129463560864, 0.09984030220963253, 0.09986395122695482, 0.0870791214418581, 0.0883678488984648, 0.09836791520873366, 0.07464755926851954, 0.08461930260405232, 0.0703617244440095, 0.07721070672908882, 0.11319394533868819, 0.09285987576832955, 0.08247842018243771, 0.10442239071500921, 0.08182718632943783, 0.09856746881788578, 0.11393380663708087, 0.08002354367431133, 0.07674618936681439, 0.11215097546662615, 0.15498364572453155, 0.096203869460078, 0.12279369625718219, 0.1041782560720926, 0.13794758515755934, 0.01023858009173097, 0.07605527406307608, 0.06431958716899629, 0.07926960249063886, 0.1084372423780173, 0.11459304827653032, 0.08599228468274148, 0.0968909248909778, 0.09910930683965402, 0.1300986912510913, 0.07513810010601131, 0.03866099844023339, 0.07002618767179336, 0.07598131807031382, 0.09422350618782074, 0.12351014210663214, 0.07417642590775228, 0.06820802646861823, 0.12716302864800788, 0.08090879307079107, 0.1087738692368389, 0.06265517768507739, 0.07654481137111566, 0.11024953929688154, 0.0676165671338228, 0.054546939161110884, 0.0750911563582179, 0.08001092467467161, 0.06747165698298518, 0.041991580709210594, 0.08891545325379943, 0.08752451659654994, 0.07062100564921892, 0.07804709774950955, 0.05705632056273575, 0.098764667833703, 0.09537854848013601, 0.08113210539181019, 0.07097452423607561, 0.07682875191303937, 0.06495205200378601, 0.07308574103615678, 0.0891731389720017, 0.061938908415551205, 0.10368394720123293, 0.09086962120280911, 0.08764158949491789, 0.11813560980061877, 0.06851193817384063, 0.08291695627287222, 0.06745342111210564, 0.09250655345969436, 0.0617790238133088, 0.09194127933633346, 0.0501148316685503, 0.08273261177737533, 0.05372958145679016, 0.07844624822585, 0.09972282433908147, 0.11037804558212735, 0.055832937144795064, 0.10939594713525316, 0.07267745106378684, 0.08649548258560605, 0.05563223328201678, 0.06413694535956761, 0.07542584676032922, 0.11752532119764053, 0.10685943547503213, 0.09025280071191087, 0.12374950286742945, 0.09839656333699402, 0.08101690559472252, 0.011695421796639311, 0.1151315187315804, 0.11591240834574303, 0.07798901091542922, 0.1281963158625452, 0.12860110572938727, 0.12185099601314923, 0.09472561760380112, 0.13418260756260153, 0.08829285806843068, 0.09030144351973604, 0.08240424397062547, 0.11686837150976595, 0.07658537777288113, 0.08903960850936009, 0.1363272832568424, 0.09514678725503542, 0.07686307725833305, 0.08210118806010744, 0.15289408452641373, 0.0741121059370271, 0.07438396496160779, 0.06335669124379384, 0.13282498696473832, 0.08650562958809863, 0.07500104513023735, 0.08208185794897147, 0.1014419937365505, 0.10724252334234284, 0.0960498759387286, 0.08291470952663159, 0.12407979063703986, 0.08219448836647839, 0.09617968149554175, 0.08252865131064913, 0.10502464974153013, 0.08178446078167391, 0.10710262551653933, 0.08072374934806312, 0.05855289776683365, 0.0647814633513, 0.07261149161099682, 0.1142361451791079, 0.07197260606825114, 0.08862731372562009, 0.10493593566386453, 0.07877291642742115, 0.11659686689383926, 0.08336809360956646, 0.12531969589365877, 0.1091753538762594, 0.05258289271312469, 0.08476157546914292, 0.08729825542921833, 0.06944484359196273, 0.05570016432295695, 0.10816177420309786, 0.10114573297469927, 0.11233645199535623, 0.10297505936183599, 0.05673503743863658, 0.07422391327267416, 0.07091583497695847, 0.10522711808035379, 0.07321814598849273, 0.07356325964516303, 0.07112737662388852, 0.09990891349883352, 0.07919271861728623, 0.12195564483795322, 0.1378801715164911, 0.10422701176034493, 0.16462543479955055, 0.09576657615956297, 0.01087667925035276, 0.0924287896354849, 0.10428568058626952, 0.10362045537912191, 0.11628116864754182, 0.09484416016693925, 0.10812661115422771, 0.15255568687072388, 0.11618229756235837, 0.08575429730724529, 0.09296840921848665, 0.08449250171735577, 0.10559999869172823, 0.07429703428049855, 0.0977758880176445, 0.09173992711615483, 0.11473367151216009, 0.10674013727360063, 0.08120564779713059, 0.08761496681100958, 0.12191852504764253, 0.095744929888658, 0.11802553632942404, 0.09463014396293079, 0.09262326401514466, 0.06406281997273683, 0.09979175941442207, 0.07010512106513977, 0.07999944983179566, 0.07514434714023618, 0.09655740500682021, 0.08581345043451624, 0.09058473291686994, 0.08259717822632176, 0.09807043435226095, 0.07323082146165964, 0.07566602416492765, 0.0948935088932116, 0.08339561549951757, 0.08296509635375274, 0.10187188409959495, 0.12718061689507804, 0.07469455968024669, 0.07169229780126087, 0.0922618846565517, 0.11718706554165258, 0.10120478532481567, 0.08718283968243207, 0.08470454600122648, 0.10702504364281237, 0.08280988767423947, 0.07995077452451962, 0.07834436901194929, 0.0512116777640919, 0.05885464757751467, 0.050058426273960545, 0.08587719410180628, 0.11418422105772078, 0.09254485412651622, 0.07726694442858385, 0.0678487214834031, 0.09678053673744953, 0.09262258215863786, 0.11901667600704716, 0.1012723366121933, 0.10608462591840385, 0.11233074925844916, 0.10896862227314821, 0.09513635606936989, 0.1005914140855573, 0.11426190531184183, 0.10362956567985765, 0.09422693562446133, 0.14083847276801298, 0.11140856153989177, 0.011488314280708043, 0.11293291980444553, 0.10683748120676909, 0.10834396664159991, 0.12650404245637364, 0.11593364148676866, 0.07177996523310787, 0.09736544258056307, 0.12634445104218014, 0.13400658591262984, 0.09500468514341184, 0.07751979967404087, 0.09905672033778548, 0.09027646421639185, 0.10443366718118538, 0.1503797166836438, 0.12435050048290525, 0.0765564291565449, 0.10552085409136083, 0.11703832124999047, 0.08108396890449222, 0.10095518219013505, 0.07879689135419067, 0.06488326890295826, 0.0711542944413442, 0.057551396781218934, 0.08599531411834554, 0.0820465463819983, 0.07928300179291953, 0.08387615966921455, 0.09714242657251257, 0.07942308923821215, 0.11441405110883335, 0.08082110688607291, 0.08052100755708322, 0.12256564405894108, 0.100549517177765, 0.08984099290748232, 0.06267800423037839, 0.1029489791775735, 0.10153389377720487, 0.1087885711731993, 0.08378693109120372, 0.12599036049618262, 0.09558888175708466, 0.10015366676859881, 0.11367812050300176, 0.11145447845194738, 0.07846703733862284, 0.07477437427551775, 0.0787891522549413, 0.11333529450034169, 0.07986625043411703, 0.11005201232258703, 0.07386871523773181, 0.08150131786327786, 0.09708949386823167, 0.0700192598736081, 0.10809893418581698, 0.0860457809180283, 0.054411541384266675, 0.0634719949619898, 0.08832871333836217, 0.1244350944842354, 0.07537448885006862, 0.07822827180434859, 0.10780883732253525, 0.09378000769287127, 0.11243714569796186, 0.08682148345428609, 0.09138630186086694, 0.15332443482484248, 0.1035882062759856, 0.11921757319044425, 0.12099086228108824, 0.1293460781838721, 0.010569370008942466, 0.09544177000847319, 0.09055187240357002, 0.09214829506593744, 0.07613141571670005, 0.1471084177904255, 0.09646552608196121, 0.11957984077622069, 0.13892593111862747, 0.1042850848686104, 0.08603363383846481, 0.06062816037353374, 0.0910274751773213, 0.08273003638520367, 0.09053560099696564, 0.0993504079224154, 0.04967237518788318, 0.06795615238953363, 0.08559795126817783, 0.12558974389036928, 0.07015456930070907, 0.08274878819235512, 0.06648126573359915, 0.08698294038531712, 0.09798777700159543, 0.07723016973787489, 0.0964219695690971, 0.06142133433171028, 0.06223824418215543, 0.07033444940264388, 0.0842870257816882, 0.0738488883507154, 0.0621121416269892, 0.09854559486026457, 0.08557435405303328, 0.08612868217272489, 0.09014235595618562, 0.09241015621148588, 0.06367474244127538, 0.07778066727074842, 0.085962593005172, 0.08016181017041958, 0.07725247065348184, 0.10489376845618492, 0.06114377209922478, 0.07067189795954792, 0.09579431494672344, 0.08701774425367935, 0.09206725363711192, 0.0689119453063005, 0.10195462618650686, 0.07929121218066182, 0.12941504221675157, 0.09815508858837371, 0.0910456232858945, 0.1036778799298639, 0.09442296888910565, 0.06634452570980987, 0.06608158463833448, 0.1036680990310194, 0.0725435529262518, 0.08566518266412446, 0.10168753383030532, 0.08056543423483914, 0.07601260003068051, 0.09811457527270506, 0.06742239352124227, 0.11919734321220962, 0.13216754617885046, 0.08873728188668273, 0.10565183788377162, 0.10581718158884704, 0.11716772146653742, 0.10039581595153493, 0.09997510647857888, 0.08833921372044432, 0.09746825791708677, 0.009244984371213748, 0.07093646358052874, 0.12015742704770606, 0.09439763216853306, 0.18970507166288994, 0.12146464860742212, 0.14431331219763047, 0.10687769786432391, 0.09409165733993334, 0.1161245842684261, 0.07436661496009953, 0.07127529232085097, 0.0981110671729404, 0.10929803644434673, 0.1039739729248762, 0.09721421081085596, 0.0961112931209777, 0.08650414697173728, 0.1282504771927914, 0.09391705628596679, 0.10024962925852737, 0.09734602363007833, 0.0952394878447318, 0.058844873861443985, 0.06849312519783565, 0.0873219666745257, 0.07003508716616595, 0.11369403110343398, 0.06565787475507583, 0.09499306492555107, 0.06637940895421957, 0.09267606256737823, 0.05682980084705279, 0.08273990221434081, 0.053107699309296576, 0.07371623917259851, 0.09698729095535286, 0.061964794386075474, 0.06614712227020597, 0.07909538880264876, 0.10978063999741276, 0.07838397997458199, 0.09657392398365677, 0.0839991834520103, 0.09226370031778841, 0.08218973143014595, 0.09381711078525454, 0.1025154968477409, 0.0904897509129668, 0.05808312868176055, 0.08754213189184537, 0.08161522394381157, 0.09842008343023544, 0.07669144596030933, 0.0650673872051199, 0.05451422568262466, 0.08085826109657443, 0.08118246718582862, 0.0968125263526903, 0.07991468399874214, 0.06867450027759849, 0.1005877313578249, 0.08778397653991553, 0.08685506533526458, 0.08070853993415894, 0.06389270097222743, 0.08022680386003272, 0.14243037084485172, 0.14264045262113778, 0.09645428608748648, 0.12744799600926088, 0.11529710765448858, 0.10954957613595279, 0.11274089494953846, 0.10266949766689287, 0.1062081561187128, 0.06471385070975832, 0.08148613429199712, 0.006471181122997499, 0.06989358629672006, 0.09219554536255524, 0.1051752635299374, 0.11324961643620532, 0.11112166475382856, 0.09905674217652072, 0.13570931195890945, 0.07178573755742201, 0.11910871243401129, 0.06569646431817427, 0.05631819924962852, 0.07185219287751167, 0.07757908023266008, 0.06838748833531755, 0.11289311035456326, 0.08874258376552874, 0.0672879486935804, 0.07717292188446634, 0.08244161466994496, 0.13977816524850517, 0.10002311702384883, 0.09661307487056565, 0.1032733851544243, 0.09888455224778407, 0.10084771616025817, 0.06842423885567253, 0.0735565463034493, 0.0963921700605516, 0.08579368787263705, 0.09393458569402027, 0.06446008007168387, 0.08211899826117053, 0.08054434420006007, 0.06643795587309707, 0.09145341694454862, 0.08188737533639413, 0.10117421299953451, 0.054520499573670084, 0.08513638175573751, 0.0661525778957264, 0.07885643215172067, 0.10518871238914763, 0.0901556924893063, 0.08147443711132325, 0.09407478825579399, 0.085837964451484, 0.09601066986416018, 0.10053058133466027, 0.09309322602354651, 0.059339767762235505, 0.08433225546700375, 0.06707460358687764, 0.06513986160537671, 0.08996743152834573, 0.08547593147169975, 0.08525179188894208, 0.05743669239746024, 0.08907915662922483, 0.07803544336758678, 0.06800746992706973, 0.047044584253257526, 0.07857413579207995, 0.1121441419530644, 0.07599168608407081, 0.07089437768635642, 0.05479366659163397, 0.06472244852421127, 0.1024150565547534, 0.08524372219169632, 0.08851742787462974, 0.0792037597200099, 0.12673871076259852, 0.13170212021419225, 0.12208183518510374, 0.10597642288840942, 0.12282846075602412, 0.10060264781249963, 0.08563576058974638, 0.009454397061944054, 0.08991437578227206, 0.1416370641812838, 0.06953568893248288, 0.13506980113765138, 0.11018680279627584, 0.1012614234876625, 0.0912418928700528, 0.08176323215638837, 0.11819271030097339, 0.09379873797724105, 0.11515484233063139, 0.10813552644014492, 0.0836909484824307, 0.11080731920691202, 0.13126808301810836, 0.10025767599852618, 0.0620272481377215, 0.10176505585986062, 0.11164178969443218, 0.10588850293166678, 0.09022091007590621, 0.08685556411828824, 0.05946115963872031, 0.06798721021295934, 0.08028026089122227, 0.059984012173868236, 0.08486979856167752, 0.07019310401628681, 0.049850586006850925, 0.08049224804982363, 0.06973235189899823, 0.08569242525148306, 0.0949911304465265, 0.08651278307769755, 0.09325954358671214, 0.11362481620683584, 0.16569216823129568, 0.07993331604713805, 0.08231186617617299, 0.08851773841256352, 0.10079482045996563, 0.12151169620748245, 0.09628663049702506, 0.11148944975916782, 0.1194840609366487, 0.05471770301759536, 0.061929343699386734, 0.10516611466570863, 0.10153117557352848, 0.07445805510116531, 0.06520866060185526, 0.07138045424757072, 0.10795524564282144, 0.0857306215440137, 0.09458326563061953, 0.0719718116374678, 0.08656976670775816, 0.08653691009707223, 0.11822473814826595, 0.1079476015600466, 0.08168892985861587, 0.06530471801240456, 0.09089296075593323, 0.08757738489092688, 0.09919455373598855, 0.08503544230580902, 0.10130568120590748, 0.0877372117370282, 0.0916948106154028, 0.1464148478491995, 0.07463815873444399, 0.08786464951912452, 0.10021538998496488, 0.11951481554187675, 0.1123929461854001, 0.1079546533116561, 0.10022822713034889, 0.0895962465775344, 0.1090222310038274, 0.007897504919922492, 0.0707382965303648, 0.12393454462516566, 0.05486308318029702, 0.09950900712725091, 0.05160681940557195, 0.08685609256450587, 0.13215184454445078, 0.12288184028233287, 0.08371929548336596, 0.06797443918539259, 0.05946005156793572, 0.0762582485352172, 0.05274264537185572, 0.08392429591214047, 0.08745058150314339, 0.07366441089329805, 0.0763877748112596, 0.07876831682035346, 0.0724171524461106, 0.07681478627200003, 0.10307054590526557, 0.08666135613327264, 0.06886623861801813, 0.08597302601618095, 0.06241912046033295, 0.05881714965050705, 0.07956891402320332, 0.06771046725065608, 0.08896652185001763, 0.08797900306867518, 0.06845678257448573, 0.07145208030964689, 0.05110443412562991, 0.05778221111942365, 0.09393391828303027, 0.0620873875049254, 0.08067706537216159, 0.08211282772706092, 0.09363926205233923, 0.08025993717515131, 0.10740098821506286, 0.1141983471142401, 0.04900535284964608, 0.07217247493606269, 0.10569719321593624, 0.09299867602775291, 0.09358040138697862, 0.07235184677085404, 0.09881253193917894, 0.10698974077870554, 0.08679099659424258, 0.07405508214445106, 0.088861485067398, 0.07079168025261617, 0.08830260283403528, 0.03953472986673911, 0.0800082102774816, 0.058191029163383, 0.08008267246067939, 0.06973445420760532, 0.07166091125695485, 0.06214884898332542, 0.07853277744880534, 0.06125774694007638, 0.07191839935624564, 0.06700142953163413, 0.11095162186118883, 0.09515535247022676, 0.07831863201154585, 0.10340349181198222, 0.07640149870354607, 0.1010027608284058, 0.06936123383060513, 0.1014437880276204, 0.10850412566362957, 0.1116648629001537, 0.09319246972665063, 0.0920348523633245, 0.13765881132983387, 0.08582619140605463, 0.010016279411186565, 0.12256915419964523, 0.0963666237237437, 0.06835357885339818, 0.12058625659907674, 0.10103678737769076, 0.09892508840648452, 0.12050730465379897, 0.09050462265270706, 0.10913511754946134, 0.08987565345420302, 0.09886489321320024, 0.057287082033422865, 0.06668786020989698, 0.06345539896085953, 0.09461979135245308, 0.09790225990813693, 0.1004716864637531, 0.09013040069445054, 0.08049696946486318, 0.05711939788000896, 0.08789923572502112, 0.09834376434874467, 0.07787989337228385, 0.0893272106536696, 0.09461644475734685, 0.09564769028653629, 0.07604166708768116, 0.08490572596070627, 0.057086433820867075, 0.05915844829512396, 0.09823597743470236, 0.09500713891935599, 0.06667399335442649, 0.07557702418070052, 0.103370880893971, 0.09062955271803383, 0.09020445962909776, 0.0712936717835534, 0.0946011391509337, 0.07969639301990983, 0.08442747543915582, 0.054706010516751696, 0.06030974392933937, 0.09882402556086312, 0.1242910259329593, 0.05102124891706514, 0.07325827026760826, 0.1164395452294526, 0.06685438761182022, 0.0844521082630639, 0.08284736545808973, 0.12220672027490902, 0.0832082875820207, 0.0789427137104696, 0.07954679948441318, 0.0659072854483031, 0.06237800931277006, 0.061426099768330286, 0.07885025388137916, 0.09112137787255113, 0.06691846271736528, 0.1376930694542376, 0.08022267409607237, 0.06632032073810203, 0.07259102702980508, 0.0709215489512334, 0.08975248550295578, 0.07293052232317532, 0.09416298073231733, 0.1344702979679388, 0.07218473565603914, 0.11620420123391857, 0.06613368761543936, 0.07854443928364818, 0.12543363617936687, 0.09537019822449398, 0.08930202888923441, 0.09767325202473554, 0.1051083718452608, 0.1226103451454468, 0.10753799073060859, 0.009633808141540568, 0.09989948525825144, 0.07147980129846054, 0.050091105990652925, 0.10409642892993315, 0.10305117663830513, 0.07666789078066445, 0.07961645504703171, 0.05678833050978092, 0.09526156678481504, 0.07502588095472179, 0.04808528805867408, 0.10514872981124032, 0.0669195020946143, 0.09982274342009431, 0.08063894817022044, 0.08081029113119165, 0.044812398062999526, 0.07680634459434034, 0.07101828196113563, 0.08020081711658741, 0.06603950096942088, 0.05176383337530982, 0.06065333640518333, 0.07737411893032128, 0.049625403228303784, 0.07182363994369467, 0.05330456744020261, 0.05100992251236364, 0.04062254001194435, 0.056603649439506465, 0.09968869882525526, 0.09690200886563057, 0.08031218559133471, 0.0526169169358653, 0.06826550592420597, 0.07939302843210176, 0.06654501270931065, 0.09340176667996566, 0.0604440382181208, 0.06560694518406887, 0.11301055979862006, 0.06315179907533328, 0.07049430085984851, 0.08241771689143754, 0.08408687833359747, 0.06832867358776053, 0.07462406416165646, 0.11253514065536897, 0.07324939950395074, 0.07200923386956984, 0.060983615277844384, 0.09502620719075885, 0.06279124622237806, 0.05135190148654871, 0.0549816147827948, 0.06982310815026727, 0.07367869011076997, 0.06987640693796936, 0.05383074504678004, 0.0666569824844633, 0.0495776575797242, 0.049426574073284615, 0.09972614018674349, 0.05907003329784238, 0.08612407192261551, 0.05422321874357321, 0.09496005001118049, 0.07141350679004972, 0.054085107626397844, 0.09072717847698218, 0.10287741007863273, 0.1484126611356183, 0.07515236791646782, 0.07703251338225105, 0.10196523224517544, 0.09126203671518188, 0.09711959726527125, 0.07327838227990768, 0.07863706725557607, 0.10860056910697345, 0.10238100151008224, 0.07266025005524047, 0.008039154953229648, 0.10833114211405398, 0.0767826873192063, 0.06326656642974568, 0.08959241803704468, 0.12411640345372867, 0.08112699986483995, 0.11070289729607308, 0.08307170477419135, 0.09478497786438253, 0.0818756801425396, 0.0733568775548647, 0.09160873517275174, 0.0700730677472626, 0.13328099533081977, 0.10419292781361122, 0.06845867862835475, 0.06160347891232092, 0.07397388443774724, 0.0787741673051571, 0.06828431791205145, 0.0510097351075295, 0.05960017774160134, 0.10672989577473142, 0.07624599539749227, 0.07145309889598007, 0.04921382217965238, 0.1139609571465303, 0.06705974901471307, 0.05577225288152447, 0.052335513253870494, 0.06425083035570162, 0.06728111713883579, 0.11353984308572834, 0.06923045986421991, 0.07597301056700456, 0.06251175397790784, 0.06885204009367246, 0.09976470502926868, 0.11685119175740927, 0.11497513645129481, 0.06464371821924947, 0.09948091702258528, 0.0379955718576632, 0.09752258713717438, 0.12322113230191666, 0.09574527067771423, 0.09375869986096848, 0.06174544253881642, 0.07875816087265047, 0.09798124998223937, 0.07742950202117481, 0.07222398392477711, 0.08221658320633346, 0.08442579168513792, 0.08286106061649756, 0.07291014294162754, 0.08917274768669961, 0.10575392166193724, 0.08385562947849406, 0.061944751306429326, 0.08013265689228405, 0.10198077030850283, 0.07445235069694052, 0.06123996136522297, 0.07586444839473094, 0.1004007569354051, 0.11952631132465522, 0.13539375369839396, 0.09053028928037155, 0.08695695991039971, 0.08698981596050538, 0.10480047544459871, 0.11720337842562359, 0.10028852240192565, 0.11949509436500012, 0.1322198393926538, 0.07499849258072068, 0.0818747495081021, 0.1386662634171026, 0.130455245344073, 0.08601231844936214, 0.1103449637112912, 0.09362773132863784, 0.011275401835287862, 0.05721873607582438, 0.11286681055296063, 0.05434104765864495, 0.15621745732898878, 0.08734075030996204, 0.09557816151247701, 0.08951641936092994, 0.08909743901290126, 0.07449703216818883, 0.07049922857437635, 0.04365929088607823, 0.10897237156023322, 0.0477780669205463, 0.09130705613749968, 0.09422266178854878, 0.06583269286745054, 0.07577330089185605, 0.08153070924389476, 0.0577976961663924, 0.08245650986465308, 0.09446854643314354, 0.06092761120227986, 0.08169580433613874, 0.07223999085387775, 0.06965782892360842, 0.06503441596960906, 0.08708773395873191, 0.08525321269785167, 0.06528236739935923, 0.09967750567487796, 0.09681817146287355, 0.07494864026843799, 0.06320395153334757, 0.04657440636351991, 0.08756076504728677, 0.05420398182613548, 0.04602708853752102, 0.06580105589122584, 0.07517275049185218, 0.05517585151400863, 0.09044508158674291, 0.06733208695582987, 0.07472354910037486, 0.08348903901366393, 0.08276798876241823, 0.07952561995147192, 0.03990139173165614, 0.0662527904220573, 0.08058013108759332, 0.07470392606105847, 0.08449939458563657, 0.07385992113405677, 0.05140720350491479, 0.07021279743786152, 0.07789442386860385, 0.07680050826891023, 0.09517235556441603, 0.10412832173371377, 0.0682343241764339, 0.07497576455512935, 0.05556378929335078, 0.06485456895075317, 0.07595798335911527, 0.0561426736145894, 0.05219851343259704, 0.08640901633077477, 0.062162898356130133, 0.07921347437638876, 0.058530682064440245, 0.07139828709085114, 0.07033563413758304, 0.10002573369800219, 0.07449135741029747, 0.08395844499655017, 0.07020210358625101, 0.1239035312670779, 0.10937924707117731, 0.08288267014338345, 0.1269419043698158, 0.0827862247483859, 0.09033912028753575, 0.06718244772462469, 0.09056671112939198, 0.12834089523843004, 0.0075273558371059205, 0.06830191964037702, 0.08149275896257778, 0.06344645136614094, 0.0972075351115228, 0.07996103330102257, 0.06232952088885863, 0.07422102374301635, 0.08078852884915474, 0.0944905269720403, 0.059518767556880396, 0.06563139157507072, 0.06763356173869882, 0.04568849555997771, 0.09520351344964917, 0.09614675913607339, 0.07091279409467696, 0.04205414139366484, 0.06864254953350986, 0.04689142439812222, 0.07889422858634215, 0.06327946724742112, 0.08749010437077429, 0.09383525010427266, 0.07529207135918149, 0.05079364446803461, 0.0503013525031272, 0.05779380297551713, 0.062210657104725044, 0.05890081055023733, 0.05785362930237326, 0.039054264847705515, 0.039226156353054514, 0.0776501342102978, 0.056065551931704476, 0.07254253022389434, 0.0643861304200718, 0.07760742661734328, 0.061061289499836226, 0.08772695047741619, 0.1041825458738242, 0.07013297345229609, 0.07772368786264341, 0.07299223385128233, 0.08823387141795506, 0.08433616168392342, 0.08848177770757712, 0.05916083068585366, 0.08783017811936944, 0.04856522116131952, 0.08107785582097507, 0.08028690317495264, 0.0638876739442969, 0.054935606086410606, 0.03861143269064497, 0.07867936809704286, 0.07360053097064781, 0.07868551735465326, 0.07333243667897096, 0.06243513288724745, 0.06283331981811408, 0.06749314015456599, 0.08647006015266803, 0.08341826851757655, 0.07985523343758649, 0.08019703705523978, 0.07087070664721505, 0.10402013576019796, 0.08194328301545734, 0.09355868814986337, 0.09926281160109376, 0.07142501296033982, 0.07568674132300116, 0.08321522994221545, 0.08369069511439149, 0.09270090506956019, 0.07865972743989434, 0.07029142995490612, 0.10301156590514515, 0.1155145498744885, 0.08736071358049911, 0.1336723811213128, 0.06841460644239103, 0.08639888824894144, 0.09976992613138241, 0.05554703934253626, 0.008644338020452945, 0.11950136617172755, 0.08453593284839626, 0.07462589997206695, 0.08811227901823801, 0.10156903012863519, 0.11478070028093335, 0.09011862496107059, 0.09920936452848579, 0.1199809746166196, 0.0955292035999627, 0.1175031638078922, 0.09134555586301772, 0.08873719410254598, 0.1110297610955163, 0.06366180677906802, 0.07430307085584995, 0.06029913238561246, 0.09180526503535776, 0.11469205667278996, 0.08516845159787002, 0.11480972252158832, 0.08641218998362957, 0.08317436884016183, 0.09786244060650498, 0.06999601423787181, 0.07582861411689965, 0.07751572300876938, 0.06564738578361778, 0.07642526554624834, 0.07655480776813786, 0.06546671792401555, 0.07692884734555906, 0.07121373462864458, 0.07029622337292561, 0.11000790469345614, 0.059250578746856464, 0.08590584864800241, 0.08847008469799764, 0.08277834642897869, 0.10648018181428186, 0.08117813144992005, 0.06405090444763818, 0.06306205309370363, 0.10302217141901235, 0.0917504197229634, 0.06413983952308458, 0.08812988668136201, 0.07320595743263067, 0.1165163603548038, 0.08510968455419154, 0.08040170593912624, 0.0959218407352056, 0.07034985865112278, 0.0900089684568135, 0.07563009121063344, 0.08159652063089778, 0.14482026288055627, 0.128442989218989, 0.10696792829579299, 0.06418218609812767, 0.06728830085639731, 0.09685071756251176, 0.07608098417426284, 0.06576560558802043, 0.07630470607182183, 0.06770184254330058, 0.1268918296063244, 0.0928536107459865, 0.09324068611931749, 0.10358217290986711, 0.08945485163936479, 0.1177191767277845, 0.07569457543071395, 0.09135626426216355, 0.10596920822543614, 0.08316326177298208, 0.08260047562565483, 0.10703889560252886, 0.15612812223632866, 0.0832037903012324, 0.10933109546586736, 0.09522173785584188, 0.069826896395583, 0.08045154241695252, 0.09891798956393058, 0.09278524435366989, 0.011509293879843972, 0.10157328232334124, 0.09779263097504268, 0.12359278879821796, 0.19717821833278035, 0.08514968776324106, 0.07813410153718206, 0.12710986656314985, 0.08453391170519631, 0.11647670784250343, 0.086796976488953, 0.07972718033188365, 0.09763150517208355, 0.06965362431811253, 0.11692923703225362, 0.13092234696218844, 0.0823525470902196, 0.06450841988837652, 0.061495981883961034, 0.12129405205517209, 0.11391792497967015, 0.07784657976975208, 0.1150697263530309, 0.08266448904329597, 0.07553920808529896, 0.0869275597048956, 0.06835330742562937, 0.08404856262976845, 0.092035044950719, 0.05447267460124318, 0.08559681829797455, 0.05240025966224281, 0.08894087666394895, 0.06788891450630752, 0.08356756622350384, 0.12392103340166884, 0.07090937881823309, 0.137943143484711, 0.11356348367412711, 0.07526565029182987, 0.08827106821857644, 0.07870954882567455, 0.09423216903498252, 0.08374754430226096, 0.10077267466272621, 0.09398322881048837, 0.09720100768458342, 0.07546882357976455, 0.10848944514567646, 0.10967665243444212, 0.07983456815100988, 0.08527617352183767, 0.08919335059457767, 0.08826186870175892, 0.09616454367513988, 0.0754627110163277, 0.07107742548603571, 0.06518903070851738, 0.09188390707774846, 0.05364620222948243, 0.07091758075945784, 0.07038916456056286, 0.10156499957317935, 0.10452906297803582, 0.08037426915008405, 0.047926619108805246, 0.07836843774976078, 0.11978801165063369, 0.09123595038709482, 0.13001536084581847, 0.12809529632575062, 0.14469974576162586, 0.10014332273339009, 0.11367568569105255, 0.10346937438718959, 0.1229831212644313, 0.11945772145080366, 0.10826240338403212, 0.11701583204906085, 0.07928173391344498, 0.10657660006531106, 0.055022028978907074, 0.12957255778943602, 0.08391846629218747, 0.11553953339793457, 0.11010435279195001, 0.09094007499123573, 0.096573019469321, 0.009793820576499067, 0.09295513054947994, 0.06839377585574821, 0.06801926072368629, 0.13578825516541287, 0.08634300225150525, 0.07759180288585835, 0.09394228152964526, 0.07868209383502842, 0.1516196381599046, 0.08699126910460594, 0.07029869033179273, 0.07372764868380732, 0.058483545050334346, 0.08337262626265235, 0.10225407216882532, 0.10270986641024898, 0.05648992568523865, 0.08006782217502378, 0.0818462427128939, 0.0903335890480232, 0.0873774220038488, 0.07701217577006972, 0.0909008311221989, 0.057745476063411585, 0.06905806285282899, 0.06266671899813171, 0.07116897071193026, 0.04815298383139499, 0.061911056071531315, 0.07736977196053069, 0.07494032764974978, 0.0833011409380058, 0.09137182669317637, 0.06847638176038352, 0.08221825880725252, 0.06220378441592748, 0.0928017198472765, 0.06696433162962372, 0.09297141094500613, 0.06094287757187793, 0.06441513699481122, 0.08423274696998342, 0.0817556513669008, 0.08557773676870566, 0.09014298133230839, 0.07483236704273194, 0.0756092029270275, 0.09772222213601835, 0.07426466031251482, 0.06202316854448949, 0.07995299859507463, 0.09368296831622636, 0.055946712721165415, 0.09106208979207218, 0.07610277980763201, 0.06544281821476391, 0.06843684450929345, 0.09171002907906042, 0.06412139518460548, 0.06029815473858432, 0.07824204817848351, 0.06006889374594333, 0.0733321572055799, 0.07062073185357419, 0.07441285173049587, 0.08101676971945126, 0.14791491845246713, 0.07098450253021688, 0.0968547492024207, 0.09755945255181508, 0.10806147585885476, 0.10428613056613176, 0.07183171060376113, 0.1233204194177403, 0.10491922935064077, 0.10279226343210084, 0.11042689922141993, 0.10039139769437988, 0.11497523784769871, 0.08316640045165388, 0.07327483314563146, 0.07491276818670228, 0.08918131180193616, 0.09799902112194595, 0.09192126779801146, 0.06312562094350348, 0.0788945838296367, 0.1362334089698083, 0.015276463840765607, 0.14197183309869055, 0.11914176241238882, 0.1169282040592145, 0.12857662980287474, 0.0952083719296398, 0.0872144211260216, 0.14827075869045953, 0.17033433105724993, 0.14978164294623098, 0.09945408156448632, 0.08391037546103906, 0.09602885538891288, 0.11040099169922929, 0.09356914575200811, 0.13789986559292516, 0.12494198275493545, 0.07036267813691979, 0.10077828869264746, 0.11048193090360543, 0.10442785296060655, 0.06911106038100986, 0.10081974391127678, 0.1136783633846062, 0.06517507850913487, 0.08061578058628757, 0.0838232437420353, 0.1032014067675309, 0.06952026215406526, 0.08296841723726514, 0.09957422287074702, 0.09210157336669031, 0.124973224826386, 0.07984540783893448, 0.07418909924471068, 0.11302715452803296, 0.10448645509560749, 0.09866784211581739, 0.07985918975648981, 0.07378530787385594, 0.09207256295615343, 0.08681448275285344, 0.12231439445879061, 0.05710012117657144, 0.1070572941228838, 0.13926811321612664, 0.09386887029991518, 0.11217856547282226, 0.11351197746692156, 0.09114814899854963, 0.10293881699952077, 0.06242829485310734, 0.1188450696874855, 0.0964412158270806, 0.05133365891293467, 0.08635445967825381, 0.07369890443194378, 0.04270521228422794, 0.07740702314388309, 0.07136849871998677, 0.07896137929262828, 0.06006462227844932, 0.1078728622721555, 0.0797061580594278, 0.10499793882280348, 0.14029229972077684, 0.08720630407823485, 0.10920278780935176, 0.11692623742669987, 0.08378422628805685, 0.1380100633202233, 0.08252363938860674, 0.1471961748514638, 0.11239940963917057, 0.1116847899095413, 0.1438602114815141, 0.12419559225126403, 0.10619081786749308, 0.1068810241121532, 0.1586607183436947, 0.13888124844283162, 0.119465017742135, 0.09402925828864052, 0.09842510944439108, 0.10688868154847156, 0.10150594915900268, 0.08647552596847774, 0.10428018881208365, 0.170258571378599, 0.09530586997759688, 0.010729918525755302, 0.1035673156933915, 0.08672788626314479, 0.0558434544091553, 0.06362654505642147, 0.11267169113903144, 0.0912315313550241, 0.13344574428984732, 0.11464225608783918, 0.07875564737814778, 0.0704727198544419, 0.05841470738636619, 0.08911190127048249, 0.04330444005556353, 0.06101321332528001, 0.13337853555260643, 0.07256209349371907, 0.06112109425840384, 0.0877875995938594, 0.0860812547212486, 0.07610590815144587, 0.0921226722126851, 0.08540108794689152, 0.07253530195832655, 0.08309178492628064, 0.05550937898116232, 0.08929309688132905, 0.059784567081179636, 0.07290821089341645, 0.0424536215057918, 0.09428305298178496, 0.09893857563293086, 0.07540742979840152, 0.06777850074692855, 0.06330383995757867, 0.09722322182916929, 0.052511340436539634, 0.06889344007326337, 0.06456871301849978, 0.10295726394583568, 0.08891677666164133, 0.05598947073381069, 0.11163646093735768, 0.08898457347576853, 0.11083617926979784, 0.10655521552894756, 0.05845132000912255, 0.07170613535070827, 0.07193530542302173, 0.10328501586401478, 0.07981639867813878, 0.07861451633914412, 0.06689259064422443, 0.08543538686038263, 0.07452850391805699, 0.04718818018751332, 0.07388880779371293, 0.08622002046003716, 0.08956546099963117, 0.09236334815866092, 0.060369326026491796, 0.07199828834411852, 0.06502763299455298, 0.10188823858178565, 0.07788113958375666, 0.06065098457865761, 0.09087892701539343, 0.09596360575423826, 0.12113104965246821, 0.10311716900777387, 0.09217327596000664, 0.12241333158907212, 0.1045994796628333, 0.11547798527289482, 0.06482949606888627, 0.08907773775776158, 0.12667915168463212, 0.09100664724803989, 0.1005312382063224, 0.10928116157075313, 0.12225067708165727, 0.08170684616018961, 0.0631285810526905, 0.06753890045591514, 0.0902747275596918, 0.1284509995723207, 0.06995370205031269, 0.10663161164293333, 0.11459010495762208, 0.0838182344316017, 0.09900496667967659, 0.010429899202244033, 0.07949656909709646, 0.07062257843053701, 0.06617308932660246, 0.0813063045828689, 0.07471261414279065, 0.09033848951232368, 0.1214094822787206, 0.07407110266188824, 0.07324616819871804, 0.11614413055514781, 0.11119548097842263, 0.06647820170525916, 0.05184208543502669, 0.056323733839020826, 0.08113857418822593, 0.0584080107013774, 0.07176834952057154, 0.07996710905999549, 0.05236920739101718, 0.08448003502924306, 0.11735426884756281, 0.07460326137852298, 0.06246555349581929, 0.0458720483163402, 0.08450820335682627, 0.06171396146056696, 0.058691805151733493, 0.05756341999591803, 0.06438984296671194, 0.062134871285122455, 0.09492564479701703, 0.09502387312933352, 0.0781020982077837, 0.07833756420131728, 0.07035955229405716, 0.05878558544180841, 0.0659996342824401, 0.08700109838100496, 0.07678224175971024, 0.08049884093792475, 0.07255044384943657, 0.07844610320975139, 0.05685264754680706, 0.05585531948459033, 0.051504330011807146, 0.08958837141484845, 0.06058689667358747, 0.07235489880476227, 0.098813048994416, 0.07396070471199662, 0.06642245342377454, 0.06717552444574888, 0.07883846739791828, 0.05754288165856018, 0.07339642441421199, 0.09349063448699235, 0.07518519488582293, 0.0667812518243166, 0.06590888742345605, 0.05570557885850569, 0.0895324929068658, 0.051526162195135346, 0.09835317200546534, 0.08178881148981278, 0.13025509213066017, 0.080302224600962, 0.06571891206984731, 0.08957313786515564, 0.07871064638082903, 0.11655196733353088, 0.08576302499202959, 0.08287775692367941, 0.1007623036261276, 0.07993746605189458, 0.09495471779209384, 0.07060893934239679, 0.08764727575577669, 0.12036080141322117, 0.10504127911629502, 0.09075899774694672, 0.09397288273707066, 0.09603530646581228, 0.09210875342755569, 0.09113356999817025, 0.07061951378565363, 0.05794231519116558, 0.12941457569373088, 0.08473240709369348, 0.08707062594909146, 0.0931902592280637, 0.060437545800932024, 0.010108470270273388, 0.05939659202070527, 0.0844818562264433, 0.05401213331477205, 0.10428962856985366, 0.1001595792198013, 0.08332448737568267, 0.06762675773693323, 0.05809032987392915, 0.08442478737145083, 0.059823833072852786, 0.06863820236949655, 0.04957645680675468, 0.05618141466994637, 0.053962841891830725, 0.08827534498181824, 0.08817317337855933, 0.049066815325731025, 0.0767333169940626, 0.06369657733270535, 0.07888604957250803, 0.07751865057458539, 0.07329726102286577, 0.06262081905731622, 0.046983135557425275, 0.05467070329777719, 0.07446704339605303, 0.056201285321080215, 0.0825037701756598, 0.030318710771259246, 0.060433860557514596, 0.0601217639327869, 0.04938186117674896, 0.05447299567065156, 0.05416908447680569, 0.052230779279803276, 0.054871256794003676, 0.04722450701028802, 0.05957924900001585, 0.0637151867268898, 0.0649211107317898, 0.06654140765381666, 0.06428973074478118, 0.06826030909544528, 0.06447329379698677, 0.08115873538196604, 0.043039486201113974, 0.07102370292886585, 0.05950769939074452, 0.07765621797905928, 0.054825753512825266, 0.05824505463615581, 0.056534613808870184, 0.055621453625588374, 0.05917763477973576, 0.06713230699181834, 0.09370610672942993, 0.04482274713134406, 0.03757175051999938, 0.07429656270528504, 0.04004964781327436, 0.07413674314756843, 0.06346293087597654, 0.050582141895413754, 0.05757639604290861, 0.062495501029412766, 0.0749895907010202, 0.06404226970747391, 0.08004267998554, 0.08427075861957954, 0.11227334984164214, 0.05658907771052853, 0.09432825079983545, 0.05178117730167654, 0.07313762578324587, 0.09219265373931321, 0.06802366983024966, 0.07183850647091697, 0.08697691992479503, 0.11095027578623684, 0.10503327345618495, 0.07803229113647447, 0.08047653501332543, 0.08368754465783992, 0.07416684945426005, 0.0689575166664861, 0.08770236329450931, 0.09250924600411475, 0.0900487917724942, 0.051872679459629395, 0.07253152886674652, 0.07022556423967846, 0.0617976737061331, 0.008904894066687968, 0.09413457026756135, 0.09165563910051203, 0.06525142273820558, 0.11988046254981677, 0.10907236283930805, 0.0678753399544787, 0.07776494113988053, 0.09425186060810954, 0.11330602741630141, 0.08635366249533247, 0.11016357148284886, 0.09539713774231973, 0.061761863507622417, 0.06747712288548205, 0.09889820962349734, 0.07667776239404514, 0.08315610053822409, 0.061849239217877175, 0.081489897077857, 0.07980872293459337, 0.07201268008268308, 0.07571148862018376, 0.06120364928888369, 0.08069170011142404, 0.05635679757614861, 0.06256503634807797, 0.10511556368843722, 0.07032873276010843, 0.05774520870574881, 0.0894687198486101, 0.08776955829471159, 0.09521171800416145, 0.06644252561452518, 0.03871858057241896, 0.07945288099759225, 0.051448928043577265, 0.07787342690394089, 0.09885020777689987, 0.10491259336452957, 0.08849986770708484, 0.07944987796252519, 0.07239012281441543, 0.061960464174812234, 0.08013320015987992, 0.10070128558056005, 0.07456431423115481, 0.0923077667960182, 0.11785046253066826, 0.09285788759620922, 0.051343712942603245, 0.0764962966961319, 0.08498904018732238, 0.0676226056732984, 0.07785869298501223, 0.0663027323780877, 0.07195611679638392, 0.07432651522641123, 0.08964673831408243, 0.0817136144139456, 0.03980094150728021, 0.0695730258591763, 0.06709594469558294, 0.11080904217279988, 0.07499794064481907, 0.058914218964741076, 0.07913567985184028, 0.13299499021479083, 0.10235477779296882, 0.08649343223858545, 0.11890760420595699, 0.09951167904143686, 0.1039273911319185, 0.07860057796956202, 0.08523192237117912, 0.11906964648689011, 0.11563039528616581, 0.08524621171613998, 0.0863699804157361, 0.08817487884725742, 0.11734070090043677, 0.07069616546170243, 0.0971752220388323, 0.10337677506595186, 0.06668453126437847, 0.10274531394546912, 0.10406283209098566, 0.10714065561723893, 0.11933243597680633, 0.06801627068251415, 0.10937660631762337, 0.07645053172768544, 0.10122140580657714, 0.08335820178935954, 0.009726781521767265, 0.08155906340518757, 0.06599512242292013, 0.07789008727090768, 0.06583480890657509, 0.09863074865290403, 0.05279637403276646, 0.08958911475605302, 0.080759453859658, 0.07755067640134072, 0.0590308728257446, 0.04420106279056436, 0.07932374919096467, 0.035032232368410125, 0.09113348904985001, 0.08197097411814672, 0.07328465402733213, 0.0504561875158749, 0.08030994059131445, 0.09299188272499381, 0.11203807747842487, 0.08659707530871709, 0.08984342110570145, 0.10661414699012181, 0.07188091176738443, 0.06286562565508794, 0.07618523896384764, 0.06488873512611693, 0.0566788155105858, 0.05678675025968398, 0.04207135462771451, 0.0524686158803197, 0.05767656072743984, 0.045163150421020495, 0.053334739972984595, 0.07167355601835348, 0.0641664038567303, 0.09755935341022882, 0.06456002951728954, 0.08112473357018671, 0.05093585933578159, 0.06339772400165705, 0.07154604920424133, 0.06340553273468666, 0.05083216447011829, 0.06805915659581913, 0.0649348556758878, 0.06169008583118837, 0.09154548907946249, 0.05590355866887262, 0.08698459972066375, 0.06817848661549357, 0.09960796940885788, 0.07812565780464477, 0.04910347808250522, 0.05905192781354317, 0.06446135773582853, 0.0673682220957427, 0.06530122148646292, 0.07705683666245194, 0.05992231337910902, 0.051498806591269715, 0.07926465821831494, 0.09285233991005316, 0.0630570267226169, 0.06896736642995105, 0.06722403651348083, 0.10527691724362276, 0.08935724223376902, 0.10362256509847385, 0.08157161606529202, 0.058770585690885446, 0.09330373842409641, 0.09500904928659488, 0.07230518449638199, 0.09767259320529598, 0.10170563495135462, 0.07774406972998221, 0.07261790815660965, 0.04708287102166588, 0.07922389742086966, 0.08520585724058886, 0.07261175466888828, 0.06326305676244803, 0.07905027223447841, 0.08486403180475807, 0.07208945527749167, 0.08754995336673307, 0.0798121790074646, 0.061633415303245793, 0.09459531095750656, 0.10814290893452595, 0.08797838239841471, 0.0597939190068844, 0.05590835052564265, 0.009322158362726056, 0.10786782866145705, 0.18221533951989005, 0.08110190846040295, 0.14192311255141854, 0.10406244791034636, 0.10982528254310728, 0.1289168656082561, 0.12341979342412171, 0.10043983172452871, 0.05591599631652468, 0.13599132859912674, 0.09111231514163035, 0.09865713966248538, 0.11808557620831, 0.09174041036071061, 0.08726146096056833, 0.0701192578933318, 0.0765142437087977, 0.1140593554859228, 0.0777371274639687, 0.07621463117744318, 0.0896238142087778, 0.0967728188656067, 0.08369771592999986, 0.09679129987616236, 0.07974165311224128, 0.07818459368180798, 0.0854643658912459, 0.108707560909707, 0.08658867061976104, 0.08431009558146747, 0.07241540166155605, 0.0994887643208201, 0.05997472793589193, 0.0970734391279753, 0.05304506423361638, 0.05920659032568081, 0.09112848426854407, 0.07408145567200586, 0.07273218938536469, 0.07312521504071949, 0.082610508579163, 0.07290718545070668, 0.10521932923239383, 0.11103415309566433, 0.10845918732842764, 0.09055643309670584, 0.10448665887663658, 0.12890494729211638, 0.0798154131813935, 0.1140402337398985, 0.10888024639634247, 0.07310773845753825, 0.07549078575980758, 0.0864821023070862, 0.07576978261241253, 0.11397238230715025, 0.12079163680566173, 0.07484416701157287, 0.06785791656132825, 0.09194848467612504, 0.10329789939912513, 0.11069381791737468, 0.06676594553019535, 0.12848418788371024, 0.09980793464947757, 0.11980605392043726, 0.09006604886321529, 0.09337376955063446, 0.13624789793516107, 0.11014282042426438, 0.15214754903389188, 0.10878239298075086, 0.1035020437427824, 0.10497483697983426, 0.11318635132157182, 0.09941567913646862, 0.07909006823567583, 0.12272993476114696, 0.1326859913360559, 0.10307245338463988, 0.11704152181855353, 0.08668142143743306, 0.13980154758087643, 0.10041156789530309, 0.08784372457534367, 0.10000579913167185, 0.1265763186876265, 0.11215089865815339, 0.13666637454619487, 0.12350453791341551, 0.08622131782263714, 0.08117139996558184, 0.08505201611192224, 0.11279726763126469, 0.010617024516479738, 0.1070400765037575, 0.10306337478597859, 0.08266617845089524, 0.14108736391254725, 0.10359978539722793, 0.08585870489641009, 0.14331180647770922, 0.10141274359750252, 0.07321732991851693, 0.08620153660466914, 0.05785499279683799, 0.06730340687441971, 0.07039587574682107, 0.13239781341704548, 0.15017236514843257, 0.11253263292102665, 0.09559383142670799, 0.07980476264657341, 0.09683423490540316, 0.11417293516972565, 0.10684082323497149, 0.10906712305399971, 0.059442246316058184, 0.08239383849928124, 0.07731210322306702, 0.06462118021336341, 0.10715812288667177, 0.08470593863997655, 0.05747032259018762, 0.07747133700903813, 0.09752116070665595, 0.06227577375277595, 0.09075669907158858, 0.06228052602172501, 0.11797321619068998, 0.06469330508639955, 0.1276154951342496, 0.07688680211142299, 0.06866314981808903, 0.10464759152542095, 0.08112551546614451, 0.09453754259815245, 0.10678530835744773, 0.08356332222102505, 0.14112831657789726, 0.07465606425471216, 0.09393901972999943, 0.08424831597947277, 0.10624259149745574, 0.09520414452309257, 0.09951154832823103, 0.09202788731324613, 0.08636576495077444, 0.07008549649431611, 0.0806548792067849, 0.0947587258033604, 0.08395946449638733, 0.10037283052844907, 0.07696645636222021, 0.07165567303061533, 0.10807010496542455, 0.11104794149297256, 0.0821964900696475, 0.07356556780430407, 0.11211626427092022, 0.08035109936693534, 0.1337626949711029, 0.1283295978843721, 0.08310257767550647, 0.1000934244784355, 0.1449638052485774, 0.11334395658219892, 0.12515172872360825, 0.15661478944387963, 0.07887475465093834, 0.09833364889893811, 0.09329347133763471, 0.09825645756018643, 0.11566938698177164, 0.15540896891573291, 0.07828615284821588, 0.09722679686255353, 0.09083876126916883, 0.13970617228936968, 0.08083017844934925, 0.1005599879447005, 0.10059090515201406, 0.11783622123448648, 0.11918681370577101, 0.15944893416406972, 0.08741700777210054, 0.078899576008044, 0.07273400464070097, 0.11650949093235405, 0.09546613480201488, 0.13914250715958926, 0.010351587511880984, 0.059652325671050804, 0.08902185397856238, 0.047880832611497476, 0.12354852786196194, 0.10185942678888675, 0.07750492608661363, 0.10718488624804967, 0.0858275263307321, 0.10428887924425634, 0.05710256796191577, 0.07609110200568953, 0.06606701803411466, 0.04697026111886811, 0.05895847116959387, 0.09754327874989926, 0.06900046494172837, 0.05248349231918155, 0.0768481971102043, 0.04533409838081179, 0.07755073405254412, 0.04352125073146155, 0.08383429006442325, 0.06647619464301749, 0.057297121055664986, 0.07324494973101706, 0.06396689381833895, 0.0878106663670168, 0.05193816002421518, 0.0526708607323403, 0.09121399123166107, 0.09191495835810598, 0.0794142145630646, 0.060211785157617756, 0.061171978567010316, 0.08580556714743566, 0.06605449238011032, 0.06777416726987065, 0.08656948211030929, 0.07382947217232085, 0.04146236134686478, 0.0641733151851632, 0.05603239885428984, 0.03768477715245742, 0.07340748629847202, 0.0668168958782861, 0.07051809241307859, 0.0905231133844182, 0.128358530003513, 0.0752208507775299, 0.05875290755403142, 0.06549411844724215, 0.08470118891519055, 0.0873417782460209, 0.057891953597558096, 0.08421967494735388, 0.09624512991636153, 0.07677813214106635, 0.06668096517707833, 0.07833639628266853, 0.04943949576888984, 0.07308805038284442, 0.05609104947604512, 0.08908747011713558, 0.06363370547025445, 0.06833758415858378, 0.04534303259655091, 0.05928014608863011, 0.1056758614509721, 0.06152235373756441, 0.11761989261712093, 0.08804425137644821, 0.0792314164909872, 0.08446396729505312, 0.0949433825564362, 0.11033630626379178, 0.08689302083630869, 0.08248222892525135, 0.0885911326045321, 0.08336571605266753, 0.07100745745174997, 0.08192099926409739, 0.10068847001306587, 0.05244374303181547, 0.10091961441632315, 0.06931044164362687, 0.10297894402443714, 0.08925222315121, 0.1025989318072819, 0.09039243990532687, 0.09176447015459813, 0.08763429365800954, 0.10164226170354344, 0.047776773323312, 0.08570889650739424, 0.06786630403599994, 0.12449683910116226, 0.10650566639037469, 0.008802091051897009, 0.11513237416726396, 0.09025097959444996, 0.05813026100011205, 0.08980574673498974, 0.06672977313368471, 0.08683375879260855, 0.12181078460566394, 0.08116513147630088, 0.08289279792155443, 0.05625247214149247, 0.07351855005313013, 0.07043408263294851, 0.08906090103135496, 0.05620839067889263, 0.136013995389119, 0.10141604123914058, 0.05665156685201725, 0.09298323151138212, 0.09665940165674407, 0.060817379218228065, 0.07177821753811994, 0.10211327340808504, 0.0768979228990763, 0.07444283888281014, 0.07556432132431867, 0.06071957521982497, 0.08356837184455079, 0.07260852659942457, 0.0742012522280569, 0.10079162027438685, 0.0912781222349244, 0.04169958553670709, 0.09782600636457672, 0.06764536373603827, 0.07440908147930593, 0.0692738667709881, 0.0885729213329051, 0.10997543835021291, 0.0911327619671119, 0.060025974212387194, 0.08285496695204017, 0.05887339177536455, 0.07769520932776679, 0.06067038434911817, 0.07700451670470043, 0.07107192802271592, 0.08574356418856693, 0.0690319750426926, 0.09681087215853801, 0.11338553502149179, 0.07118685855793735, 0.09103532719752844, 0.09902063679240239, 0.07620172107787261, 0.09464359951494608, 0.08977031765499965, 0.08608265080096983, 0.0635199860889083, 0.09614543103426466, 0.06747832565012539, 0.09344489756140016, 0.05990807793670049, 0.0807445271914062, 0.09303469307036649, 0.08059133451108076, 0.1135092440409684, 0.09923970450301961, 0.09923266829271898, 0.09179220627793218, 0.12557952395541838, 0.07735597601273907, 0.08976084476780524, 0.09609219851027186, 0.12086180224601745, 0.10663960506467086, 0.10835337773775153, 0.1031787639514391, 0.11205349033023108, 0.07477034656847233, 0.13042268262818835, 0.13974075111621306, 0.09481419897444691, 0.07204308389567593, 0.1048540242313644, 0.06716372091925307, 0.09747165125500679, 0.1342086871086753, 0.092470146113484, 0.08880695423415694, 0.10609953339060597, 0.11064655557999734, 0.07907200146567159, 0.06867637933841964, 0.14040527036094586, 0.05263319113641109, 0.11011422178378899, 0.08835751093091568, 0.0769731109372925, 0.010224772816450817, 0.10301941375356857, 0.09835168919540149, 0.05976695644622348, 0.08371116077844813, 0.07429429577348032, 0.052773143070054505, 0.07488180796793611, 0.10005382604573543, 0.07627898517599993, 0.05829953002473235, 0.051540873174975424, 0.08062355504719641, 0.05137161213842533, 0.06806168514069931, 0.09514066316614667, 0.06430663987024743, 0.05916341345253187, 0.08327777906649067, 0.09630687853344054, 0.07116478171465075, 0.05832642042592365, 0.06854561742109488, 0.06862747802575316, 0.09853198944480554, 0.08875106594990573, 0.06773148323068681, 0.09247476491647848, 0.04168668530566118, 0.11827512951223995, 0.05744997404007417, 0.058768828068371186, 0.10925849482815407, 0.08497643500518817, 0.07537316635232243, 0.0706489914982624, 0.07682786377346315, 0.06053151148711522, 0.08136469921069203, 0.06331558861022796, 0.0740604224893336, 0.08110019251806058, 0.0861854546246916, 0.06495243401574285, 0.09262106348350192, 0.056740636584201226, 0.05379777782599184, 0.052622196106780594, 0.08700153672950635, 0.1035283488555014, 0.06365769131260915, 0.074165569536341, 0.07598377780175311, 0.05278152950062913, 0.07617461739432782, 0.06974998685953582, 0.07792472830485879, 0.0478945319712398, 0.05953910087603582, 0.08316172194289628, 0.05509362695150864, 0.08816561865590483, 0.06598425499255207, 0.1061338461440199, 0.044028209981643335, 0.09129447834477442, 0.07467486249442698, 0.09064039349936981, 0.06814349121251218, 0.051489435281356286, 0.06192528587684952, 0.0653679690759978, 0.07142716826058128, 0.11869538213431885, 0.0872227328821893, 0.0961765334169291, 0.08021837871070016, 0.11737002383500447, 0.10977898714355513, 0.07488413663148502, 0.08543063612205412, 0.09031795297186786, 0.1054064311575692, 0.07923300163002579, 0.07457545924966624, 0.07534382472909044, 0.0590659190979076, 0.07120410483307979, 0.08130360282823751, 0.08265300999694136, 0.07599342511796194, 0.060466572167805065, 0.09010346949594393, 0.06017546562326024, 0.0747766257124068, 0.07926743951532762, 0.08227724451809224, 0.07092549514280799, 0.04646186350639503, 0.10990274931908221, 0.00757898228732809, 0.060084965624679625, 0.07303273658618727, 0.06809283824723081, 0.06854926545391654, 0.09534108782142714, 0.06291617813184514, 0.09391126521774394, 0.05337499692528825, 0.06629064403943644, 0.038257796724243384, 0.08156422066018429, 0.08330039725150697, 0.04547502569647158, 0.056423084475886606, 0.06311137741322559, 0.10156799107034853, 0.08130319525430033, 0.060542957511763626, 0.044427863521175864, 0.08320055775600338, 0.08508567714661294, 0.07038913530383688, 0.06907924181801942, 0.056332268146129974, 0.054365732434847346, 0.045023990509389024, 0.06769115952297569, 0.06754620525095108, 0.05858085371592125, 0.050720556412054946, 0.0676050902037278, 0.05923927681181987, 0.06511324121159295, 0.07240658386562433, 0.06914585797121856, 0.05804797723524584, 0.07858519331283031, 0.06962032861998073, 0.06915093651056503, 0.1005431097005283, 0.06782979486840907, 0.06857289928744043, 0.07059590181852893, 0.06422154550893965, 0.08144316475465863, 0.09507075675938176, 0.056165035901557775, 0.0483382889946789, 0.07696570612795989, 0.05788134798784811, 0.050918066711520035, 0.07305144317865847, 0.08325905117211327, 0.07795556484470345, 0.06695904842951736, 0.09074364517288824, 0.04678302902846927, 0.07274519298306138, 0.04293659847648165, 0.04536990636938429, 0.06915324996612401, 0.06224532669714453, 0.05384343351441359, 0.06803805606083929, 0.06126611435910263, 0.06708585405832085, 0.05732868004309895, 0.08739425748166282, 0.06848323836996247, 0.07735111336532177, 0.0870080203170463, 0.09380475577043328, 0.05837182384235872, 0.05243653429104291, 0.08654341477353686, 0.05436799927553612, 0.08153295481530504, 0.09057169367706518, 0.0640005890091884, 0.07523696505617589, 0.06836911474798606, 0.05350136057010005, 0.04811998746280704, 0.0788516816719998, 0.0739616986899464, 0.07338306074341852, 0.05172265027301559, 0.07200722056740798, 0.05871104478739615, 0.08068168265345108, 0.024379014135489912, 0.05250795517433333, 0.0811332285642026, 0.05248440086990135, 0.09203399338094863, 0.052374995892830775, 0.0794098231911968, 0.08412804048647213, 0.09352753725118722, 0.0771391989635826, 0.012985152128946784, 0.14187702252860124, 0.11864955460312325, 0.09202943852076974, 0.12299799256009103, 0.09482643558938902, 0.12371491785694652, 0.13366422639209896, 0.11139504655362023, 0.11209383692832552, 0.09388801581065653, 0.07288933667394494, 0.0981778898438726, 0.06356602771874392, 0.11760966178831331, 0.12855535247052102, 0.062048981578618614, 0.056081711711487826, 0.12576736585160808, 0.1011542312161259, 0.0654063344810771, 0.10451609612645907, 0.0809500988363516, 0.07600962533100432, 0.07854270468819508, 0.08754456233056204, 0.056612757219629675, 0.09667422456589558, 0.05442170367057466, 0.08783554777373144, 0.054721038862422966, 0.11119143460800768, 0.08550871583060579, 0.09966857237843617, 0.10879513419486148, 0.09466796502701393, 0.06681104629785917, 0.08358153670059093, 0.1233533344157218, 0.09453653739209097, 0.07086206651361587, 0.08759581418837685, 0.1015155454020335, 0.08967461049085831, 0.0805893876513678, 0.09076666900745756, 0.05811729231372724, 0.08293435274302632, 0.11178969633102974, 0.12044883317854083, 0.08730718019342223, 0.10377732832766465, 0.09983820201446919, 0.08430690927936844, 0.08621366154830602, 0.060893468652283525, 0.07350764020624803, 0.0666042625162675, 0.0970156868540669, 0.09614906354625377, 0.07510474836000741, 0.07930230707932553, 0.0979890603839895, 0.10582141441000158, 0.07622768208223234, 0.07218535143405311, 0.0844605230444832, 0.07910566802952479, 0.112418638254836, 0.09815178157187132, 0.10955782104855237, 0.05409311087751315, 0.11276682261473353, 0.0953033386596775, 0.11864284294057517, 0.07992595516375725, 0.12053706274887764, 0.11190325711481143, 0.10559871841254971, 0.07369089609855994, 0.09507262325349627, 0.10822099649102446, 0.13928903850022345, 0.07855367583404722, 0.10002628898021948, 0.09149367785262869, 0.059528253195218095, 0.16023982343290238, 0.10915555122326419, 0.10850931947053086, 0.13135566860176573, 0.07780045226141047, 0.06157661964378175, 0.06656239991064386, 0.10393960019868739, 0.06660596768459341, 0.1299534640564522, 0.08703508655638223, 0.13818372992872707, 0.07685190917855231, 0.07582702611947319, 0.0757692595121345, 0.011074849897089543, 0.117806367109832, 0.09979290855977645, 0.09362955356118195, 0.11684270152650655, 0.05593025738385627, 0.08037364647604431, 0.12573247481329058, 0.11213063383768862, 0.118223337486762, 0.06910607788364109, 0.0906874258412423, 0.10629695254226887, 0.09550343480732963, 0.13927095338442008, 0.13012862061399605, 0.11552482596947683, 0.063982185831573, 0.0741622346847366, 0.12494220842163363, 0.09850232703870929, 0.11758099840598701, 0.09210154842312862, 0.0953661745000943, 0.07889087755977385, 0.07692165615605544, 0.08451785391400496, 0.10805577076514868, 0.08287513400931082, 0.09388933200102567, 0.06426955080129201, 0.10695590289054958, 0.08830241483876963, 0.11819382511300906, 0.07293094559338056, 0.08292549391722728, 0.1104278324089712, 0.11704886431579112, 0.08793529417343883, 0.08556253715078635, 0.10036899467902709, 0.08477132194086212, 0.0944580105319392, 0.10448308543584289, 0.09465043438868928, 0.09831188004026284, 0.097310057846337, 0.08788892070697295, 0.0941497698341198, 0.06831048679167379, 0.14201655588251946, 0.06683148312757836, 0.11385996660728549, 0.08416035074680059, 0.07143185511055755, 0.04880055854413062, 0.0943387104768429, 0.08919232041833851, 0.1031289759814137, 0.06364633115386875, 0.0884270120917239, 0.08416555008011345, 0.09893639938190849, 0.09895769287648776, 0.07136092277205662, 0.07683599600080643, 0.08496046045150457, 0.13596580930050903, 0.0831806225204624, 0.1346479700807328, 0.1002100030692738, 0.09668870969234715, 0.1041011054156327, 0.08935743015272933, 0.11106570522829287, 0.21380390367020885, 0.12332344120217215, 0.11670069611827442, 0.09724060445301552, 0.1287059064462071, 0.12806580949884072, 0.11196964467326978, 0.11561586589237785, 0.1174212779104264, 0.12011588144766654, 0.09376293881314385, 0.09823463236309161, 0.11919458843860903, 0.13436860258175357, 0.11620348626810106, 0.1465575454110874, 0.16260692442260527, 0.0874366542916414, 0.09113269815081787, 0.17047044963204924, 0.07116145551795108, 0.10895265828235762, 0.09807417148135134, 0.07904978575720892, 0.16504783214155216, 0.10863003088006853, 0.07092511180788127, 0.06862425684636286, 0.009325620696120852, 0.10769860506802137, 0.06179420942242207, 0.07171233659749174, 0.14110345917397987, 0.08935084459307774, 0.06120240664549603, 0.0875838740665188, 0.10660913257619982, 0.08091923420121927, 0.043552123145219196, 0.07336362218956294, 0.06643764633249855, 0.06365473793497002, 0.08514584677713738, 0.09151026683493599, 0.09980130998701325, 0.06244138621395641, 0.09485616164988195, 0.06979776068542048, 0.06832452963116531, 0.07052982608633807, 0.07397713024622632, 0.07325953627782457, 0.05224693845040609, 0.08218592080221304, 0.06346857970722508, 0.07872243623841238, 0.06090191445323763, 0.06695241936897786, 0.07914946969701911, 0.06528622152620454, 0.07742490939437642, 0.07945538888136619, 0.06660830363675005, 0.08280023647539231, 0.10360679135982931, 0.08172014976603013, 0.09529611277488632, 0.07637933831907695, 0.07590741567809393, 0.07069063966640464, 0.06702085206034866, 0.05847853704864116, 0.09336591683783786, 0.08993523950744337, 0.0659524401737391, 0.06409986495548613, 0.07754943140905488, 0.08361636908131433, 0.060756844367521615, 0.09607678675845047, 0.08860518087163172, 0.08762211290205348, 0.09848617536366028, 0.0590371618319902, 0.10012969444133571, 0.09696038678474173, 0.08856224250044001, 0.06742783121687694, 0.06224300554806379, 0.09340583464511651, 0.07933054511101462, 0.09336603412908866, 0.06982891771783378, 0.09539603009609743, 0.08760412656275257, 0.13812026709768327, 0.10863130612297228, 0.07297826113129242, 0.11579131762313905, 0.09911266312663938, 0.12166280051983278, 0.06407978653627067, 0.08464798267694823, 0.08169513300524467, 0.06462272410331246, 0.09371558412447104, 0.08575855170062642, 0.11782512232091305, 0.12562596025990078, 0.07958087268346885, 0.12077077920045357, 0.07848200724484684, 0.07285794942442794, 0.09402053104623939, 0.06080609523079643, 0.10143580471921332, 0.07771504455728645, 0.06635760663007428, 0.08701690389553828, 0.1254208368087113, 0.07729368071118106, 0.06545624342500322, 0.10506147273593797, 0.0695238559357393, 0.06744120390677977, 0.10550309521101262, 0.10803385449820475, 0.05996725858705479, 0.06455284643661292, 0.07598228748515574, 0.09646894098656636, 0.08477156618305479, 0.006944567503247345, 0.0604753955654458, 0.12248689355758856, 0.0625317496946094, 0.08912630901075295, 0.08848653162758673, 0.04307524275202988, 0.07195468638895762, 0.08154312707494743, 0.09456683529710937, 0.07691240576995163, 0.04192162261227001, 0.0918722563143082, 0.06075625149669951, 0.09503086732384064, 0.12015076356342279, 0.08761641068801808, 0.0554009055928704, 0.08001416284886692, 0.08417454893297939, 0.08278879511432698, 0.07419983806301124, 0.09562112682112656, 0.07907197678297549, 0.06187275429564222, 0.05081092979989023, 0.05288675546388426, 0.08016317594091829, 0.04590795978228574, 0.05926291278956471, 0.07502598795559609, 0.08035311821112388, 0.0613020262399938, 0.060240193726889706, 0.05475749913797445, 0.08178345546936602, 0.08119805427057125, 0.06706169171223683, 0.06824447825356425, 0.062374748325231405, 0.08299783393910104, 0.04907698878809566, 0.08849953392175, 0.054403675612447, 0.08029140386986311, 0.0838384756488835, 0.06554313850652774, 0.0874132619343745, 0.07945134151881375, 0.13159715854012669, 0.06703289415476706, 0.051663845559794586, 0.06476969908706424, 0.07968437218710547, 0.0647578073343939, 0.05501251519964786, 0.06005449923437342, 0.0627192118957694, 0.09092313365108076, 0.09763426139469654, 0.04608460301217547, 0.0592909660377211, 0.10720601465204205, 0.050513554591419686, 0.07369510506566035, 0.054164212889029506, 0.08732716461058572, 0.08038559655602662, 0.0946994639761595, 0.05684369537647051, 0.06353823794756533, 0.08779647466360957, 0.09514449911109762, 0.0956503496190127, 0.10033864903803344, 0.08510184406021967, 0.0842912515312998, 0.07935518298682792, 0.07066296141921499, 0.12015896154059014, 0.08036688367113969, 0.07073533671714315, 0.0754311332477185, 0.07361698598832578, 0.10603848042123343, 0.08846116989527769, 0.07990918264755191, 0.08885717312518791, 0.11905674482186379, 0.0764820554480775, 0.07366822333927939, 0.11502977289290663, 0.06935811063129534, 0.07340600717763988, 0.08217983036044876, 0.07551006248573883, 0.12664827465928136, 0.0786794593115202, 0.0856685652886574, 0.06100056948282266, 0.06717169378436835, 0.08571109197398041, 0.09797477752171012, 0.0956337667087108, 0.0919229394563138, 0.0053588172387924946, 0.09599686095930422, 0.06368676022511774, 0.04171501371574138, 0.10240119949694457, 0.0729727563290303, 0.08066635626915036, 0.11680309950346691, 0.09080207008814298, 0.09397128158931567, 0.05867523578291135, 0.05202547352939509, 0.07236374916619392, 0.04701320796651037, 0.08718817673641324, 0.053706850789430216, 0.06658936356696982, 0.05389900565308773, 0.05512796921031287, 0.06075925168726129, 0.07209693187995092, 0.058607761452893134, 0.07882188682845742, 0.07519088117161536, 0.05265882768425887, 0.0717488831805416, 0.04197415701045207, 0.074693174502322, 0.0738460200217531, 0.05189963323094748, 0.04796333774760883, 0.07190348029942115, 0.060904038106139244, 0.06617462112848821, 0.07488619639643092, 0.07879405775417943, 0.06460567253613865, 0.08910120460689495, 0.07634498773267445, 0.0634459436551271, 0.05566309275468073, 0.04843412596657945, 0.05843949036376234, 0.058058915398210675, 0.061305884875317476, 0.08268436693058938, 0.06806292637826444, 0.06520076481196893, 0.07329713168952401, 0.052668827968676134, 0.06517872935555637, 0.05919891938295253, 0.0878498546726969, 0.06385795653894814, 0.07675007310469881, 0.057509084918979395, 0.04496038865678092, 0.0532594567201127, 0.05608112076568195, 0.04321702326021238, 0.04391265089520928, 0.08657400726089937, 0.05624641232430267, 0.06175262308803603, 0.04940844594232713, 0.07940775630614848, 0.06126839454803376, 0.08718872273830469, 0.05809238895183901, 0.0580945585802336, 0.12596552035390204, 0.10642134189793692, 0.07641366624762738, 0.070615764393249, 0.10321010784602586, 0.07003270564734813, 0.07354384300783194, 0.07348765795407872, 0.07992115401976947, 0.08607184955800311, 0.06594408274917309, 0.0636403435936918, 0.08401206713306644, 0.06824435186782582, 0.07630094626768984, 0.09266412281577018, 0.0781374194617587, 0.07088327925644572, 0.1024842670737411, 0.10051864048105914, 0.09880365811450244, 0.0717360066443738, 0.07624917388044464, 0.05472848331564365, 0.06713765969905358, 0.06559585894425349, 0.11582672913058627, 0.07317582995795513, 0.06647279674502843, 0.06040058549277673, 0.05379862825566775, 0.058516754194761676, 0.06499707164927544, 0.09088143471834384, 0.07587235762614747, 0.06885262550221555, 0.011709302110808974, 0.10750462138088579, 0.1287245545603018, 0.10289445520173009, 0.10514116115692065, 0.0922463414485139, 0.11160713411839815, 0.10859628095337982, 0.10235418963956613, 0.07395082275996345, 0.10568876588083567, 0.0787699662508398, 0.07482981802717849, 0.058506992667823936, 0.0889525391966364, 0.082234486048804, 0.09783479539250346, 0.07634960410700475, 0.08330637605664037, 0.08302588930468059, 0.09942474622510886, 0.09289477533666583, 0.08022028578669578, 0.07714539050936534, 0.08406148990061245, 0.07309543145558405, 0.08463511872840918, 0.06372926710609284, 0.056167650130267886, 0.09110457373015748, 0.08754160037983302, 0.09666549947036211, 0.09292752437714666, 0.08114358481089909, 0.06722517040149367, 0.06879462877503795, 0.06839274889012509, 0.10462985237718422, 0.09772652759223471, 0.07913995023492322, 0.08583120495632392, 0.07583651704166214, 0.0899164805977791, 0.08703918623287343, 0.09185727224401272, 0.10310679674860079, 0.11392818758076922, 0.09980925430128915, 0.0908871845079508, 0.11230461793317494, 0.06928956525736603, 0.06200607486927992, 0.1141662834780018, 0.07828546696491695, 0.06241287527692109, 0.09462392660136203, 0.09783829735443764, 0.06130757006894968, 0.10766732694504169, 0.07527749487588253, 0.07450462359210139, 0.09823807734650114, 0.07658922894768595, 0.08828549924970834, 0.06953995797314158, 0.11903238369423916, 0.05824743755095611, 0.09017672536743755, 0.09900950646215721, 0.0813238597687038, 0.08873416272270587, 0.12889288482658728, 0.12019053477576926, 0.09182616493243556, 0.06386942545766303, 0.09910653332032231, 0.11087361551478145, 0.1169412974815327, 0.09494101520718393, 0.062247828846820605, 0.1366016659255245, 0.11904550274585199, 0.08794757191556454, 0.0876251267190409, 0.06504348949184324, 0.07817665993762904, 0.08985261848470052, 0.11404755613742924, 0.08566701554821693, 0.0685775808797132, 0.07607187961165901, 0.1028547305910778, 0.09037950419554977, 0.06700763558214445, 0.10521293223642941, 0.09109479846231425, 0.1388358399527073, 0.09705624415925611, 0.08204355976636013, 0.07394779849516606, 0.06308627757224738, 0.07775746120722278, 0.132817885045379, 0.11789317879674766, 0.06713583280397059, 0.0993708476213358, 0.09610362645718906, 0.01190950462183702, 0.0722323031359284, 0.06576654531000464, 0.0814572728966867, 0.13304105485693904, 0.1083469102117835, 0.1055544588675375, 0.08060979586961584, 0.10370852423063108, 0.07697205459844947, 0.10307874899813123, 0.06775140608018634, 0.06188645482012123, 0.06936020818965309, 0.04516873030603824, 0.11941211822674774, 0.10953210845977476, 0.08458478844953765, 0.054642780847176685, 0.08001750657538095, 0.08725817937437799, 0.0838148813613038, 0.07400481195057707, 0.06946973264541301, 0.08461022649494235, 0.08776393778893798, 0.07165774193076074, 0.09611852116152267, 0.08161142234060817, 0.07699491139189499, 0.08108462806521112, 0.060449931364038104, 0.06191529517899151, 0.08297429314654695, 0.05745841600477973, 0.06917512781495773, 0.08489300726214989, 0.07702895294478203, 0.0864442365495926, 0.10672868585641186, 0.08959898837347449, 0.072575263628967, 0.09613925160414334, 0.0808258668534631, 0.08888469470296909, 0.11568839639282542, 0.07407167073039737, 0.0879775620272916, 0.09470750404352485, 0.07430951554993112, 0.06967262975067003, 0.0855670729947668, 0.057667654663583284, 0.07113216895926969, 0.07042990432865563, 0.07090129947355991, 0.05619945169513243, 0.06664658058323891, 0.06484638902041345, 0.056526045858901586, 0.0689598376172612, 0.06372964786023348, 0.08402077154420996, 0.06791569511827909, 0.06846365482874422, 0.057222070985368044, 0.05644940478611386, 0.08270348714807069, 0.06510918664544726, 0.07678090282555396, 0.10050051796295684, 0.07763014895981746, 0.0890423568090256, 0.04968604256771437, 0.089788592078513, 0.09623978534265103, 0.1075514313419164, 0.09696998698451971, 0.11974498975628328, 0.11008132271626767, 0.08864220913904175, 0.08806834716938372, 0.10801732265907181, 0.059353344265790586, 0.08337654808949176, 0.11785573388834826, 0.0577819947106505, 0.10052034045359914, 0.07761837109732633, 0.0945943007079647, 0.14985902257299583, 0.035853279416770564, 0.06767623801591183, 0.06403955314720519, 0.09707814366013187, 0.08228155616761844, 0.07766455960832389, 0.06713126373173958, 0.0734387420141598, 0.08116848132951861, 0.07685814740738095, 0.07261971790824323, 0.09952849144147198, 0.12020342100076117, 0.07206080252737042, 0.08949194307243286, 0.07262197621591548, 0.09725886408265125, 0.01215376802941157, 0.10010086836193338, 0.1094357674244633, 0.12122703849945406, 0.14079874070473292, 0.12148722586625857, 0.10143478883008594, 0.0897082071984696, 0.10767528343895338, 0.13247328462044206, 0.08725118949753043, 0.09566724093692325, 0.0812679199637561, 0.08338440969003172, 0.09287716232688398, 0.08859957029904361, 0.11923373872818457, 0.07090120592513025, 0.09563587889754985, 0.09943088191151242, 0.08661058052216926, 0.09459532265257582, 0.09909908396089205, 0.10970474431935746, 0.07411442582332134, 0.11456941852140527, 0.10350937331390621, 0.09986414732420665, 0.09051850379241808, 0.07140643909148466, 0.13172605282979286, 0.08392976814438655, 0.07706451079070772, 0.10841912259246356, 0.09009426301127109, 0.07136870074495408, 0.1032562013993662, 0.08804439356063723, 0.09584868180680305, 0.10044584515142724, 0.10243509266277373, 0.08092314389142798, 0.06772446082657765, 0.14802955592596373, 0.08552316425854954, 0.09375818267434881, 0.09167649444553495, 0.09986780376632118, 0.0997983777117973, 0.10941341188847566, 0.09502377886649835, 0.0833330390001987, 0.09109521673048081, 0.1031609095414138, 0.08926324094658655, 0.0709480854260977, 0.12876573187237147, 0.09744087784716053, 0.08897272780773789, 0.10452426362928267, 0.06255372932292047, 0.06545716030812887, 0.07676574428547461, 0.0613310333150191, 0.08571357408471342, 0.09627222606625553, 0.09867808121192277, 0.12742431584092537, 0.10841554508055853, 0.1168943001108072, 0.10283859581197036, 0.09229209316011976, 0.10455868962015571, 0.10181310020392982, 0.14468419451477474, 0.11861465684279718, 0.11193497962196473, 0.07869708130659384, 0.13447857570608074, 0.08070643467910929, 0.14353899626282096, 0.07754794684484453, 0.10818221693329746, 0.07735210804846375, 0.10909262545788549, 0.0914790233384193, 0.10980041448805603, 0.08653786959714105, 0.13050252267675114, 0.09039388077505665, 0.11339550090707147, 0.08468132782117806, 0.08105543440863121, 0.05645885789531837, 0.0831460158660775, 0.11302863567328131, 0.12992488444808029, 0.1207449998767525, 0.10459415744172951, 0.0871071162443881, 0.0925669803821665, 0.046048891771148924, 0.0865040082982996, 0.11659861502661076, 0.0860599473092146, 0.0997551610495358, 0.05882207178674201, 0.09684129427772069, 0.09461865210906825, 0.010007646460850492, 0.07651688448451834, 0.07778214111646384, 0.06824047999859753, 0.11515733784500479, 0.09752574042554965, 0.0660750288117273, 0.11358180174257745, 0.10257849403030567, 0.11988098035833758, 0.07468294461094552, 0.0669307510292336, 0.08991234195749845, 0.07790084516207205, 0.08545188154993906, 0.08720475154484761, 0.05592216188871004, 0.06804597055870294, 0.06771491595165914, 0.06479247299082086, 0.09772431506204649, 0.08007651051810397, 0.06523794703134755, 0.06909811494260129, 0.0702204191887554, 0.0653245474590914, 0.05946782615530584, 0.053552437758513594, 0.04709587530328274, 0.05462683957334169, 0.0451042998915342, 0.06541382025440722, 0.08024881778137963, 0.04551467772249838, 0.07183323654321577, 0.06504251616527613, 0.039215475165479394, 0.0660241401419124, 0.08985775610712608, 0.09500594924331393, 0.07850989420776516, 0.06140552741925076, 0.07545420189649531, 0.07935562706480734, 0.0916740433949209, 0.07032119540188822, 0.061487241554402036, 0.058975415280613404, 0.09340479297743354, 0.07694241569813423, 0.06983853460189242, 0.05739458915908266, 0.082892741106673, 0.0836446915698102, 0.06964454353632284, 0.06052936602380734, 0.06560278560114033, 0.07457676374807667, 0.09487581382736168, 0.07484822175144004, 0.04291318783954018, 0.08318778421946901, 0.06348978496214927, 0.07353833268447937, 0.04818312718409884, 0.061644018247379785, 0.09014115442242188, 0.0669793172175904, 0.06617372424026123, 0.06588824155397544, 0.09204906084455973, 0.10224428501850827, 0.10666500680797689, 0.10487824381262281, 0.07462442285286705, 0.12678210149290833, 0.08676567912632234, 0.09333549625638941, 0.056369879528131175, 0.07166136728990934, 0.0928883957344265, 0.07444031652081987, 0.08208654416009484, 0.06268097187918045, 0.09906313915431508, 0.058610464857796724, 0.04621387258876543, 0.07632773609139953, 0.07945372565812325, 0.06556579103361707, 0.10023250392692924, 0.07945734217350714, 0.06793388073902852, 0.06066225559270181, 0.06014874390565589, 0.05554615109599802, 0.07935479163747575, 0.10199204390171986, 0.06557592067579131, 0.07474110396627558, 0.051828156848335055, 0.060882953137451234, 0.07283326547066372, 0.1341669677936737, 0.06251273152838514, 0.06961191649818288, 0.05459044530052481, 0.06259022585108057, 0.05872224525912842, 0.07020629749411522, 0.010851009634914786, 0.05153095513070918, 0.06022200790606286, 0.04329831840751503, 0.09428850208502781, 0.07630076888728513, 0.06333468358838878, 0.056161371018200526, 0.0525471303480783, 0.06652789430395, 0.05641688394238478, 0.035171140045083996, 0.06716821855217131, 0.057575631683260534, 0.07609315503744968, 0.06401496431742264, 0.04978624205156561, 0.08396631480757008, 0.07208743827497005, 0.053905014374585176, 0.06725950847359097, 0.05963082661156745, 0.04997905523717016, 0.07276465448205094, 0.07271592097694927, 0.05576048475557157, 0.04441895638148785, 0.06112539408206382, 0.0792150627699992, 0.07478979282948461, 0.06807134797332084, 0.06289386293313648, 0.046641428719684935, 0.05044108812926582, 0.06438556395431874, 0.06463648593015953, 0.05446108673571018, 0.04670348634824711, 0.06547506326815127, 0.07849622031895315, 0.0691725221039082, 0.06887792241773866, 0.0702433110052192, 0.04983251783511298, 0.0396549824354319, 0.07307498193278411, 0.048466091125918265, 0.05305244024011929, 0.05332154743814928, 0.06388154524937849, 0.05768645127254724, 0.06184080362797077, 0.070187801761697, 0.036217550854606394, 0.046868015435898705, 0.07508402901085082, 0.04384426619342293, 0.07225996886107836, 0.08380861034359087, 0.061553546963283676, 0.05202632430340675, 0.053798149753437864, 0.0633918315095044, 0.057967189369598354, 0.05593475021493664, 0.059805362974556284, 0.07982576349322534, 0.09444797303296187, 0.07103205586661492, 0.06416936715591982, 0.08752830141591614, 0.07448956441168977, 0.08344511403374458, 0.07087642930851719, 0.061046798188950785, 0.06623592732392813, 0.06198060795247329, 0.08269416660339256, 0.05777163084765982, 0.06885997912430954, 0.06919241930719137, 0.07288676257511026, 0.06972246077902072, 0.05758888077562119, 0.059363343643757435, 0.048665183241050305, 0.0463644452841918, 0.051837990063583805, 0.06580583599894761, 0.06555063820002802, 0.06288605829572287, 0.0513356862733885, 0.07026076326782361, 0.04924114256654915, 0.05843571286751141, 0.06257026220370826, 0.06283979214583302, 0.08965284240780334, 0.030398492779878366, 0.06195783075305669, 0.053714040047819975, 0.05914077036154098, 0.06618270196064038, 0.06744936717265641, 0.05840588588012319, 0.0480839159765556, 0.0719824565449191, 0.07894428791607014, 0.05883049165506107, 0.0683854297136918, 0.06648500476178162, 0.004326510454552238, 0.07095845099597325, 0.0813125457480524, 0.06218935473546113, 0.06443334197431067, 0.0900846869272861, 0.04248536482555006, 0.08820809650298211, 0.06900158175847552, 0.06387805850815767, 0.06617969082811337, 0.044128631192753384, 0.053613025499171935, 0.06799761702076518, 0.058902567720130236, 0.08060827939221035, 0.06547708296357305, 0.07452597540472425, 0.06594616426785971, 0.07938213046442502, 0.06753538674694845, 0.06950321969794997, 0.06074957653139397, 0.09157729769811829, 0.07587375162820012, 0.07448652964254354, 0.06134089566650902, 0.08151738102955729, 0.06712624524493022, 0.06852038243434988, 0.06518391268524354, 0.06018261506794782, 0.05224168308680145, 0.06184282382346701, 0.06388116929027915, 0.06545674257289583, 0.045541633521803696, 0.05576989241769041, 0.06803785810950891, 0.07607836372892257, 0.07985323034863445, 0.08361292437631429, 0.07302521016620747, 0.0860888667736937, 0.04745802369223064, 0.07029002189627402, 0.058145407008987876, 0.06519978213687827, 0.06464997630949104, 0.06943470607166882, 0.053059059416968375, 0.06270337794125691, 0.06515860428956849, 0.061109031896169924, 0.06732757994996821, 0.09145449344306421, 0.05681026276078227, 0.0712054230852112, 0.07264697096231992, 0.05327103825440648, 0.048924284938076226, 0.081523124681283, 0.058901987148525695, 0.05560984145303222, 0.07078327414535922, 0.07294049437556585, 0.08987890018837227, 0.08943782787739572, 0.09058444644606044, 0.0630448832885773, 0.09924822261033386, 0.07004701879051747, 0.0769354737033805, 0.1010360558591751, 0.09714703809895651, 0.0709768526496306, 0.039217307142002195, 0.08500281521525145, 0.10513313220734632, 0.07175289871383245, 0.06957044155465768, 0.08845846475052024, 0.06811152459616723, 0.08287650187388364, 0.07860757064158491, 0.08125192769775658, 0.05881267417469969, 0.09592571058555092, 0.10893706733902574, 0.08093353829378822, 0.06119533775485206, 0.08740804584385908, 0.043822695130717244, 0.05694462215467397, 0.09297811732066616, 0.03878051443447225, 0.09276955927765967, 0.09825850619585447, 0.09399305745976197, 0.07620271530839165, 0.07571366593511503, 0.05054070179997877, 0.08368157648646099, 0.11548566193416734, 0.059798295423358315, 0.06590976647052434, 0.07460620405916205, 0.05089725649390836, 0.04996827666513339, 0.08227665590121955, 0.0770707282610397, 0.06149180548692609, 0.008574974172006148, 0.05694857555372737, 0.11570030479490273, 0.06252685133836433, 0.08896723899027373, 0.057797175756902075, 0.10328933502452284, 0.07943077021666345, 0.07039786423805267, 0.06472267654566323, 0.06980909490853615, 0.050770493914739825, 0.08559457816479728, 0.05047142312637434, 0.06384978845121761, 0.08054682171434907, 0.05165831144419414, 0.04471262076527364, 0.05023312149562016, 0.06160823256958862, 0.08509784853386039, 0.0949541456968285, 0.07592495398473133, 0.08920663198384551, 0.05110538202607427, 0.06030195476684927, 0.055349194378819286, 0.052283677166426346, 0.06897699514005817, 0.05182092905092374, 0.03207735960487335, 0.054303070320423724, 0.03685415256433056, 0.062413885762365506, 0.04304301164509764, 0.09302724195299542, 0.04923545496161451, 0.06975921027146, 0.04143949886217919, 0.0380447292691247, 0.05999511600365699, 0.04694298900471313, 0.04590104486626904, 0.08862043662374464, 0.050510683320556804, 0.10951337001944095, 0.04848707057272178, 0.06019903553822275, 0.07054443779236853, 0.06645544580905287, 0.06192572837464603, 0.06254602398498862, 0.0854005287251253, 0.054746559121933575, 0.05106834519800616, 0.06596024307051107, 0.05056335030758865, 0.0798672240305868, 0.0866829365001496, 0.07606825935305729, 0.06904007903378964, 0.02624795013610739, 0.062089867204228294, 0.05368332907505344, 0.04163391797604579, 0.06566649157009403, 0.042753148524195705, 0.08838794240690762, 0.08775363326312902, 0.07101456459661043, 0.06533862807338514, 0.057956809563662726, 0.06803616501266783, 0.06319333187242886, 0.07651531415003196, 0.09728954982791223, 0.09385464484571196, 0.08518461459767031, 0.09477947553542652, 0.05764756809471704, 0.05812011832677312, 0.06464643710662746, 0.05806523564871817, 0.05540552572532389, 0.05704058892104602, 0.10416798915024261, 0.05530064793515522, 0.10052252514591559, 0.0977388623029127, 0.06204473594269752, 0.08378885032588944, 0.05583938903692258, 0.07230004480804514, 0.05629537243017907, 0.054828833413256506, 0.06968045202743457, 0.07204640075221413, 0.06189141377866975, 0.0862555032837398, 0.05101117469972808, 0.06568526052101749, 0.03287616416592846, 0.06707135587839574, 0.07142675603278627, 0.0663580703784458, 0.06556038883072428, 0.05136586958044725, 0.05622906538026913, 0.04115232784229516, 0.08571732322463996, 0.06600576658215093, 0.06462986944979247, 0.0791201150543163, 0.011758868371402088, 0.07341285568661271, 0.08561190801280333, 0.05877052924615003, 0.09308480141589093, 0.05428950413755652, 0.08804491512332258, 0.10220791796578943, 0.09004770554934846, 0.10931484624370533, 0.05050631775324056, 0.05883942189381498, 0.09119038113425484, 0.044007776802740095, 0.08375093291058325, 0.08821037525793413, 0.06941546954712255, 0.047544199737282404, 0.07189564830446898, 0.044400547454591426, 0.06918416538274272, 0.04948403637223852, 0.06927555163462659, 0.061089949393536694, 0.058895815157257336, 0.0580234541265037, 0.04691136212725179, 0.06331025457559171, 0.07244169856550914, 0.05011176466771593, 0.07938458424229518, 0.05626741300106641, 0.050809084327180745, 0.07799102347077194, 0.07583722786380104, 0.09472295910339765, 0.047619896338874784, 0.09061531876331487, 0.05875908297441528, 0.06252378279116858, 0.06458151643657001, 0.07409488799721496, 0.05763409817538928, 0.049128438389092616, 0.078855589272518, 0.06455073633455032, 0.05802115190197333, 0.062274337751883346, 0.0716028657058427, 0.04669693928257066, 0.061915330333944335, 0.07981829092198209, 0.09034997870282774, 0.05863726357916834, 0.0590698393202524, 0.07454738878246059, 0.09198311529840492, 0.07142212063060077, 0.07957672292375673, 0.042204169694314016, 0.05558284226959646, 0.07609870534821395, 0.08452056070572656, 0.07343467020212002, 0.05321247607981311, 0.06346297132926382, 0.0738666503243432, 0.09370867023551291, 0.1150497600416701, 0.05837058878151063, 0.1172796592750447, 0.06890898050849648, 0.07845679690908142, 0.07980771532986156, 0.09777971043515311, 0.07515663141808154, 0.09227584390811278, 0.07426455365088576, 0.08254017956220085, 0.07021208719134397, 0.08708800505636338, 0.08030262547303119, 0.07968446509307553, 0.06339775510654472, 0.06260364888300043, 0.05788227210638225, 0.05777345788452329, 0.10317152454339587, 0.08869279941650182, 0.04674465328067233, 0.07584222277254829, 0.06449569701976587, 0.07868232101672148, 0.06678861689456275, 0.07345382818456053, 0.08573772346595931, 0.07419038033021208, 0.1226384237822164, 0.08514864310514868, 0.06347654422758806, 0.06643157033506614, 0.06444379404766319, 0.10667067001981939, 0.09088407535979662, 0.0632464430367519, 0.09545276769554506, 0.07456089154763448, 0.08048502541700661, 0.06714992804279349, 0.06361180869951577, 0.08207001856044675, 0.08069893237678685, 0.07752141521094695, 0.05530719336513051, 0.007573431843041285, 0.09172273660311032, 0.09717601738754027, 0.06860220187559736, 0.10683344146913899, 0.06848821273528491, 0.07219203221663364, 0.0779443105695704, 0.11337412893541307, 0.10429370490181976, 0.0911919877187248, 0.082623918495692, 0.06456760356540575, 0.05923244150981835, 0.07449963319290116, 0.1228249114744919, 0.08411796703109614, 0.05556079009122381, 0.07918914782782244, 0.070741908462231, 0.085374025524841, 0.04963899104347018, 0.06877154243133156, 0.07469834122984326, 0.045090016835790406, 0.04248744071281057, 0.07244865267778064, 0.06873219169213599, 0.06402098476285098, 0.06687338110832632, 0.0937737770761512, 0.05532346674324255, 0.04713363962939763, 0.07699187131323587, 0.035502730807257465, 0.07086890505188269, 0.07678204211509612, 0.06764429572001493, 0.05814592996892966, 0.09573446250579554, 0.06313258286653861, 0.06634910888246784, 0.07191711090636443, 0.08700261673718035, 0.08249159381187629, 0.08541006607544155, 0.08149048139640841, 0.0944939755193499, 0.056282385915078316, 0.07167014084172349, 0.06256916254399032, 0.07397197787349682, 0.09263135543867344, 0.05836287466613091, 0.07273450411001256, 0.059882988148566324, 0.051558140369590014, 0.07169643254487879, 0.08269247231875768, 0.06515637862794045, 0.08446671274216606, 0.07553019971522004, 0.06900080774398079, 0.07875654069184923, 0.06911382105348601, 0.06402814815912708, 0.06351613629140242, 0.13354758802139144, 0.09836366235643679, 0.09389129862812783, 0.09574939279589945, 0.10114175793851003, 0.10483146810299239, 0.07365542748204676, 0.07850351152414498, 0.10470603634738185, 0.09833327810925091, 0.09654320391137297, 0.11166159715827906, 0.0564738571666345, 0.09388629028462421, 0.08670220449641694, 0.08874199871925911, 0.0720916120056652, 0.0652660411457181, 0.08335132733047187, 0.08177749827830588, 0.08540555223591473, 0.08704341766904465, 0.07341994127340704, 0.09967907630459141, 0.12246417316866268, 0.08402290929164782, 0.06692586442943375, 0.06552310565620101, 0.03928059983322782, 0.09786913642717787, 0.06864408869187946, 0.09182983850391171, 0.08469176272727333, 0.0797900484711702, 0.060750541617549614, 0.11880442583964887, 0.13001972273729145, 0.07401253492894902, 0.05689214280470902, 0.06817658498248047, 0.0873241850095996, 0.050651697777508276, 0.09278563342037204, 0.08403545062495704, 0.07592297905765703, 0.08299882462157346, 0.09897169780806771, 0.10485646525408805, 0.008563127640313325, 0.08271781975050865, 0.07180233702406434, 0.06204934672404123, 0.09235696803464717, 0.06260678050346939, 0.08767790323145412, 0.09443191326459496, 0.06353076706745078, 0.08926076235923772, 0.05439022828390074, 0.11260865661709267, 0.067974455961767, 0.06541952047599406, 0.05862493459820554, 0.08579727875162456, 0.08569361288793578, 0.05840690812091247, 0.07000431246352895, 0.08642152580522344, 0.07011706404424912, 0.0805520741707204, 0.07280582895660889, 0.05887291417574157, 0.0457078062842205, 0.06774374229560919, 0.06806921492355977, 0.06653438530776606, 0.05642584367093896, 0.039784203176144624, 0.07623127828650633, 0.07378396660208707, 0.06420139201899147, 0.05520982629943938, 0.06303115912099219, 0.06011577874138124, 0.08578672905506896, 0.0432707863226304, 0.06792053297838334, 0.04476932506230572, 0.060165055669589, 0.04296682775535925, 0.06941760560127347, 0.12314452703821363, 0.10198193073861565, 0.054841278644972055, 0.07580803508771786, 0.058200719079188515, 0.05412234072568523, 0.0701931156181851, 0.0628283148996935, 0.06049715861511732, 0.060154088862283635, 0.04672205742084344, 0.08199115181734062, 0.055315756846116955, 0.05266741527429129, 0.0666735420017689, 0.07033410832106146, 0.07046038575776924, 0.04858094380080601, 0.07655740161776216, 0.05043406589391851, 0.06801334427517429, 0.05935013735267311, 0.06034751550216525, 0.10474594345898403, 0.13466875104252785, 0.08157613227274733, 0.07037334442791829, 0.1000092410430858, 0.07547279737763496, 0.08212724842587726, 0.0693532565690956, 0.08655895392802163, 0.0866958643518074, 0.10316334397706874, 0.06938696343274232, 0.05358045369604801, 0.09617763912094879, 0.07380191991290871, 0.0690443461340989, 0.08058320771734946, 0.05133600046432468, 0.09892201338930476, 0.09260833378396696, 0.05545617595778649, 0.06743369859387147, 0.08007350357304574, 0.0621471958946387, 0.10352584557189984, 0.09435609411255044, 0.061441618670950736, 0.08293158876178504, 0.0505164535220534, 0.03336259871120843, 0.09858385934337027, 0.08654891552632711, 0.0590866334526141, 0.054348301289263705, 0.06725302801928754, 0.08815190560749586, 0.0819377994714067, 0.0954478621785931, 0.08526218184681988, 0.06452128225579773, 0.046509732296797585, 0.07592007018430177, 0.07021771781020777, 0.09144405959453705, 0.10001696970406034, 0.06383101890797696, 0.06912222372065735, 0.07237997181455477, 0.04383912100210785, 0.07644601118546004, 0.009918989032070275, 0.09002502685597176, 0.08388778040224694, 0.09008385626655452, 0.12888734212702688, 0.07622825301945033, 0.058499879510112915, 0.06996267787740341, 0.09760681167913662, 0.07483912111976822, 0.09194125648805541, 0.049041780321744236, 0.10041332347015, 0.06917512053549021, 0.06994646890186079, 0.08068982787038195, 0.08293746504061332, 0.061270588724484695, 0.086365358383544, 0.07153997153662962, 0.08678839182976206, 0.054089212655010904, 0.08460746633386262, 0.06939326204134115, 0.03772745459272983, 0.07611801891871318, 0.06429233983991525, 0.08412941498882302, 0.06205376052950486, 0.05614511486001636, 0.08093654485444216, 0.05458464931284661, 0.0690213750020976, 0.0335768838905869, 0.05790419779948261, 0.0740317567329687, 0.04335563299281674, 0.07139234873446983, 0.08111461959794128, 0.07326249642647764, 0.09602142388749185, 0.07481555388555663, 0.061875483810089504, 0.06954749661503512, 0.05876551501469271, 0.09285230130093279, 0.06504976728803842, 0.07683949116284104, 0.07616922882600952, 0.08335001963968913, 0.07039654543108971, 0.09413207653274527, 0.07645387872427964, 0.06743169977936093, 0.057477750049640196, 0.07301750701174171, 0.06526347105487967, 0.058980530921734414, 0.09026015630947704, 0.07266146000482639, 0.07199075910598855, 0.07757199769910327, 0.04986104196151746, 0.10376752334684725, 0.05927767383913563, 0.05760074890210577, 0.07977719303048766, 0.07863496378649504, 0.09457740265797415, 0.1095801883910788, 0.12604538565186818, 0.09728666284481174, 0.08190080315944935, 0.07619468161215162, 0.07284170353715022, 0.10294089393225969, 0.09840002137503878, 0.09915273988589665, 0.11135002126615381, 0.07596636104279936, 0.08674169487913946, 0.08063064307852774, 0.08581069300756837, 0.05225759238793748, 0.06047684650977698, 0.0710407156519878, 0.06631699147394378, 0.06580038445965906, 0.07029541759216369, 0.0841499911390049, 0.10992362744244082, 0.06205852488178602, 0.056898809248107085, 0.07288535586932932, 0.0791626297339856, 0.06843447726939474, 0.11127053701729994, 0.08812609710828945, 0.0798682051688529, 0.07480539665011161, 0.044544449173888306, 0.05848606824432726, 0.0656766926638992, 0.11793492155222353, 0.07583964472310953, 0.07612158549931854, 0.06367191345650612, 0.10444888867022134, 0.05127479653546164, 0.10754825441545238, 0.08708500282027615, 0.09307227807095164, 0.08049812948737145, 0.0702022751070413, 0.07231383473510486, 0.0743625265991608, 0.09425311483551294, 0.007047646049064542, 0.08209644259499199, 0.09673533692034542, 0.06043207983487903, 0.10203093160115409, 0.10125918519781299, 0.06545364992872794, 0.08205812783832046, 0.07955241678554723, 0.07147896857019263, 0.056146614616316086, 0.03944208480219953, 0.08234673309498375, 0.05399783732708457, 0.08143610715691678, 0.08272478449252454, 0.04571555589876572, 0.06303045271774708, 0.06073691624483754, 0.058004182898951276, 0.08045256787264693, 0.0833744797311789, 0.08416293568950658, 0.06086070559667719, 0.044972570817563645, 0.08170930267275298, 0.056550364829383505, 0.058049440346013385, 0.10181419810506576, 0.06521170219884967, 0.0762064100182156, 0.07491994533793339, 0.06264782932920417, 0.058016687609016016, 0.0454997456362482, 0.05793521840274417, 0.07486205045454605, 0.04825433358152452, 0.07215859319274441, 0.08557529777078132, 0.07375159960805366, 0.06739222577767921, 0.03783474589400748, 0.06649545920263612, 0.06243456710301368, 0.07397064992701466, 0.06505013133181067, 0.08755503831665559, 0.09239886635546507, 0.08303663266087194, 0.07382350546762266, 0.054716934339084145, 0.08497533412530907, 0.06742237192161042, 0.055089357555653265, 0.0574565803538611, 0.0413939024904178, 0.05632844907929445, 0.07039108730101956, 0.05807397654716279, 0.07409433285876477, 0.07570620829063243, 0.07553160809293044, 0.08801409810955693, 0.054044773949390654, 0.06542023318671752, 0.06432817214204276, 0.13052633721802803, 0.07868826971930157, 0.045918886501434664, 0.09758438527882568, 0.08626502597652619, 0.08326530875483404, 0.09791416118017685, 0.1187867574929154, 0.08744962729148059, 0.09807114173486178, 0.12182166730691564, 0.09776218707757309, 0.054568646845354486, 0.08973556807932495, 0.052209949507981815, 0.06115166424320541, 0.06368538271921352, 0.04920623913603396, 0.04518758088368895, 0.08334508373692838, 0.05764407168604078, 0.0692049388046441, 0.09881402534798572, 0.09404367547980444, 0.06963224731739312, 0.06941396354132728, 0.05929486709226057, 0.06836306086501315, 0.06254825101963313, 0.0798680857261803, 0.07108513827980872, 0.051596706402370664, 0.05273162458044822, 0.08900798591512893, 0.06222734111674803, 0.0785201297343649, 0.09070615844530905, 0.08165986118356644, 0.07093357503612843, 0.0567418418938953, 0.08634076820884824, 0.05597203102758201, 0.07695884109636386, 0.1206777877253418, 0.07616317620587292, 0.06347502366964804, 0.04789984422983004, 0.12068555640557593, 0.12142605183335001, 0.053235335796933216, 0.13059632365047247, 0.0096819645999748, 0.07795904178369537, 0.06850172955684489, 0.06999546853189748, 0.09876168724162551, 0.07964711884517992, 0.07122742850000664, 0.08663811826243886, 0.0633862885749174, 0.08345394309015988, 0.06727094459848294, 0.06118875963562448, 0.07802024354070926, 0.05874007578292257, 0.0684154229997206, 0.07804751935005752, 0.08524905320658555, 0.08370599142516305, 0.10911344659230457, 0.07231578645513469, 0.05105387530414068, 0.07865777574442512, 0.06075504602315225, 0.09806835913890066, 0.04242141044706259, 0.07656647160897762, 0.0572743549698785, 0.06053828332832023, 0.07552026485361746, 0.05028325022182708, 0.08383743974786684, 0.056291562968932486, 0.07478797150236118, 0.08915818520135442, 0.05371678098247053, 0.053849571465674685, 0.07369749996522026, 0.06378450973988434, 0.04826407859044495, 0.052264666532691365, 0.06824713217664162, 0.06505061411951833, 0.07602015287411037, 0.07348665520257963, 0.06064141454621402, 0.06884425771960515, 0.04637992942907797, 0.06465635683930034, 0.054622431297123214, 0.06171567894850022, 0.05581828256687206, 0.055887838323453176, 0.08149445856181811, 0.059327769908398165, 0.04926768865418944, 0.0731281216981422, 0.07442924201276396, 0.0727588656491697, 0.06868235711238765, 0.07521268100516687, 0.03966921936611243, 0.08956943057295336, 0.06024046117449383, 0.061746245912467454, 0.06096736788595997, 0.06506453958772151, 0.07860181913934475, 0.08392405397287342, 0.08260080513089352, 0.05250441144492476, 0.0713243840167396, 0.0667494120136471, 0.08151502025321679, 0.08731871666254767, 0.07832135317678864, 0.10455837181386098, 0.04306620735566547, 0.09777651080766797, 0.050697604395834504, 0.05084424603211224, 0.09762003406226741, 0.07714166650686362, 0.0597917652823914, 0.04656646148441365, 0.07492055664240253, 0.05284992327232261, 0.0525793687924405, 0.09536214480338237, 0.05987038841700924, 0.06474961491636917, 0.07205685495180421, 0.1024812378475906, 0.08850226290847116, 0.05768727523829995, 0.07751960520556253, 0.05640093619622219, 0.08635854261395023, 0.1061629763711287, 0.08144623421821875, 0.05894833126735619, 0.07590174939918184, 0.06375522493367845, 0.08128378940222222, 0.08070394658554429, 0.057774739037723115, 0.059807930499122086, 0.04701535691317381, 0.08703487038318992, 0.0750135716238927, 0.08545998820991713, 0.06712845932427283, 0.08471834274328603, 0.06988185440416184, 0.05011970798321055, 0.0943012533146391, 0.10340008694029124, 0.05330848644932612, 0.08223520033651577, 0.09085028867419621, 0.012430991726654402, 0.06875546600220223, 0.0662449302011607, 0.06156102020578958, 0.08583465119534711, 0.06465274674387818, 0.04360454066517244, 0.07195482469693812, 0.07514896655085238, 0.060909538629134674, 0.06984891269279922, 0.06743706219627804, 0.07283397465300755, 0.03927187068140264, 0.06872845134949089, 0.10345634928879824, 0.04901694922797222, 0.05055118096408648, 0.060945324374324476, 0.06600763418369578, 0.07345995397727235, 0.08228110217211439, 0.059743127024709144, 0.06765033832415407, 0.06872040199925791, 0.04935770484144576, 0.039561051058305166, 0.06431430099586602, 0.05509370876237463, 0.06444264310423953, 0.04567874793811491, 0.08640654606393375, 0.040364410457080474, 0.05659623036325725, 0.05526759919238426, 0.05230905011640155, 0.05178061771122486, 0.06324864332553076, 0.05987396772746525, 0.05863366784688698, 0.06685509752853327, 0.050619329018993395, 0.06883707367897293, 0.0652848231341122, 0.0468398490072339, 0.06949534041192791, 0.04594845410908782, 0.03656525056375254, 0.05741336326387098, 0.07646936461061957, 0.07347858168832752, 0.06287880365851312, 0.07842201341348165, 0.029027768793945752, 0.04898436247203156, 0.058367916093580344, 0.06852383922006888, 0.06243133475036756, 0.04300055721670821, 0.044042591528832886, 0.04971750205748239, 0.04218202619998193, 0.04822199086376919, 0.06525053505667781, 0.060115423306548, 0.06428306782395829, 0.08841036274608298, 0.09475986982032071, 0.09534836080553427, 0.0628191457222366, 0.0673338868201415, 0.0747378652346636, 0.08168707365045161, 0.06465177301628969, 0.06809604334645991, 0.0794515428250571, 0.08452443420027128, 0.09627748993214147, 0.06797234888686164, 0.062092148624046134, 0.060051944011242434, 0.07151253138089042, 0.08141324595942837, 0.04877051705427121, 0.07406083317720902, 0.07534687969583374, 0.08679581990795476, 0.07479849101941768, 0.06415347472192554, 0.054878934283145664, 0.06444759977903067, 0.0725376054944821, 0.07755939303017459, 0.03461129474621272, 0.04424839746911912, 0.06605664874322856, 0.0692618364884724, 0.04938608287656775, 0.050100533325600466, 0.07707253777308518, 0.04665164118552472, 0.05891448504439631, 0.07834554928697048, 0.07229537097389474, 0.05613971718819236, 0.06778413779760087, 0.07203338585182949, 0.08253788547169347, 0.06682330583126042, 0.10880328410701956, 0.06497464213652851, 0.04909104676695788, 0.06441184016443444, 0.059403856444030734, 0.06088572856830715, 0.06958034801389443, 0.0650628227891013, 0.06729977859933828, 0.07331820484354015, 0.07288688055863746, 0.007197111170807426, 0.07035770818764643, 0.06303495167591763, 0.03363736073483443, 0.1214203388729194, 0.07157924040458838, 0.08522003626668387, 0.0795628803014894, 0.08641910957562804, 0.09401644983216004, 0.038589732765226634, 0.07393858905688981, 0.06362675114243191, 0.059979043130573506, 0.06550545502124336, 0.07982713035018243, 0.09596994269769937, 0.05596767026972285, 0.06288691262381504, 0.06674819990256912, 0.07433519507230171, 0.07324599694979506, 0.0429644780518868, 0.07056580340735791, 0.04468173792885567, 0.0679001413971119, 0.048367873884542376, 0.07107012107579928, 0.08207094491933033, 0.06528616185472737, 0.06156568531026424, 0.051989278942985884, 0.0810084029555821, 0.05226189642634656, 0.05540310764044653, 0.057099482892708636, 0.05429392795526754, 0.05031203692808225, 0.09191169698239234, 0.06913977268877132, 0.07670774721820321, 0.07356526195672265, 0.0604829137291128, 0.06257795749959279, 0.0609200186469457, 0.0788214504900668, 0.10121569222645874, 0.04883200265581775, 0.05821655142631161, 0.08422781699045183, 0.062398711297415574, 0.05773559489295796, 0.05383657805295175, 0.054087993147105336, 0.06898148343439874, 0.0634931794356731, 0.06549580912251904, 0.0773428525313733, 0.06575821151008154, 0.07352244420958284, 0.052169052997359446, 0.0625099684782852, 0.08230899084635082, 0.059412283056178836, 0.04463572460533099, 0.04189709264453832, 0.07621621194605929, 0.08274687333711683, 0.0851273612042119, 0.07202986046889297, 0.08093177882809072, 0.08914473797111327, 0.07126523485727213, 0.06086171751411194, 0.10567699186272843, 0.0606145761925357, 0.09119962837247117, 0.07740345977916686, 0.0871234879282751, 0.056897478812785826, 0.08878008054375106, 0.07437642652160537, 0.05239654204979816, 0.039453226077971776, 0.0556481090388071, 0.05765217452189274, 0.07444216158918056, 0.060330819907496176, 0.08084685333959754, 0.05516117758206627, 0.10784079021026086, 0.07098536921472128, 0.056476539835021836, 0.07121436071428384, 0.09012235425806442, 0.05889621475344166, 0.09390115433605675, 0.10971903804746062, 0.056599616068915636, 0.05043708901795333, 0.063726607262888, 0.06063924204430924, 0.08303213233481313, 0.10096440613510321, 0.07979215232878131, 0.061388750649235976, 0.04711262891563109, 0.060167747589800896, 0.04777126899321432, 0.08940414962599512, 0.07991359055850165, 0.0688079989976634, 0.07766941767502394, 0.0582118760167451, 0.05914319248248372, 0.09321255445882856, 0.10582420301267315, 0.08201016084069719, 0.07883567360256612, 0.08917679047786724, 0.05266231163504229, 0.00783646398978615, 0.10360855806764369, 0.0965911359010095, 0.0868708716629297, 0.12388461224609491, 0.08265236416805044, 0.10520575970014259, 0.07844605302086334, 0.07280780428885757, 0.07440377943593776, 0.06283145769056203, 0.0738280683728901, 0.06787558351887579, 0.06720650009425692, 0.10458866691320773, 0.08581827265795001, 0.0929104093642811, 0.05836011608799553, 0.061943991243467514, 0.06902960916356332, 0.09186307423950152, 0.043678138691409504, 0.07420695577855053, 0.06755876805545666, 0.06767690938657053, 0.04979812267879467, 0.054686631565447064, 0.04886732569857653, 0.07985373879897334, 0.06760912058923348, 0.047657014318053526, 0.05887371176624701, 0.06656036667649645, 0.03971937367858931, 0.04717826973587254, 0.07057846215084815, 0.06029520284359454, 0.0465459995577265, 0.08285381571769318, 0.07567070613861258, 0.07192557159749337, 0.05398818965763658, 0.04786926780472189, 0.09043495563320682, 0.06542015740156, 0.058988597197248166, 0.059305463671573994, 0.07310928735885393, 0.08040013781145147, 0.06934775594421357, 0.06351704395602727, 0.07345581404683205, 0.05734610120344345, 0.06136031732686895, 0.049540967091449895, 0.06906582312946757, 0.08334823293528933, 0.05757973844512216, 0.07076473676524518, 0.06720239524628727, 0.06194822068355619, 0.07690635041081696, 0.07491639717401632, 0.06878256968217054, 0.057014675908085705, 0.07671712288615014, 0.07612083777948518, 0.09513543338676243, 0.08606184704361432, 0.07058581888797989, 0.07424320585424582, 0.0833482531331871, 0.08441366444384428, 0.08497199844975645, 0.07042723839243054, 0.11251886556375983, 0.11485091129116798, 0.05049332939975995, 0.06274225898940407, 0.07455132161438184, 0.08188966841061168, 0.06997735956602011, 0.0748628220024196, 0.06178849973798341, 0.08761935893173721, 0.06953553024118483, 0.0780761334894218, 0.07229412466765585, 0.06869288451329458, 0.05746325571956529, 0.09812026436228523, 0.08264355737632294, 0.07755482062652849, 0.06366996160475315, 0.05206466318381207, 0.04638382865796341, 0.08997981260164681, 0.07517335993044715, 0.0752293206491348, 0.07901806262240316, 0.056175368740873706, 0.08355705615802342, 0.0894644089862654, 0.09943339438896905, 0.09576683937009033, 0.07677250011935835, 0.0713283281656465, 0.09636951687795958, 0.07012104683265212, 0.06822527686701722, 0.09507821087953426, 0.05547565096193356, 0.09159356669545676, 0.0675638571654891, 0.09914877903176739, 0.09366651136811063, 0.06820991952017699, 0.07259152236694372, 0.09706297901766078, 0.056785840380002534, 0.043694178020312224, 0.04970235323520107]}, "init_params": {"with_centering": true, "copy": true, "with_scaling": true, "quantile_range": [25.0, 75.0]}}} \ No newline at end of file From cd11f017858c466020fe105f26fbcee42299535a Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 15:18:20 +0100 Subject: [PATCH 15/20] Adapt allowed python versions (scikit-learn 1.3.2 needs python >=3.8 but also works for newest python version) --- pyproject.toml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/pyproject.toml b/pyproject.toml index e51895b..607276f 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -28,7 +28,7 @@ classifiers = [ ] [tool.poetry.dependencies] -python = ">=3.7 <3.12" +python = ">=3.8" networkx = "<3" dot2tex = ">=2.11.3" templateflow = ">=0.8.0" From d60827c6c9f1b9b44097170c76d0d5befdea632f Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 15:54:56 +0100 Subject: [PATCH 16/20] Upload Dockerfile_v0.7 --- Dockerfile_v0.7 | 280 ++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 280 insertions(+) create mode 100644 Dockerfile_v0.7 diff --git a/Dockerfile_v0.7 b/Dockerfile_v0.7 new file mode 100644 index 0000000..91ca7ae --- /dev/null +++ b/Dockerfile_v0.7 @@ -0,0 +1,280 @@ +# This Dockerfile is written with the help of the output of Neurodocker + +# Dockerfile_v0.7 introduces the following changes: +# 1. Use Python 3.11 instead of Python 3.8 +# - Deepbet is now going to work +# 2. Update FSL from version 6.0.1 to 6.0.5 +# - Also fixes crashing FSL installation process +# 3. Rework installation of PUMI's required packages +# - Fix conda package installation problems +# - Install needed software like gcc +# - Be more specific about package versions +# - Try newer version of scikit-learn (1.3.2), because current version won't work with Python versions >= 3.12 +# ------------------------------------------------- + +FROM debian:buster-slim +ARG DEBIAN_FRONTEND=noninteractive + +LABEL maintainer="Tamas Spisak " + +ARG NB_USER="pumi" +ARG NB_UID="1000" +ARG NB_GID="100" + +USER root + +# [ROOT] SET UP CONDA: + +ENV CONDA_DIR="/opt/miniconda-latest" \ + PATH="/opt/miniconda-latest/bin:$PATH" + +RUN apt-get update --yes && apt-get upgrade --yes && apt-get install --yes --no-install-recommends \ + git \ + bzip2 \ + ca-certificates \ + curl \ + && rm -rf /var/lib/apt/lists/* \ + && export PATH="/opt/miniconda-latest/bin:$PATH" \ + && echo "Downloading Miniconda installer ..." \ + && conda_installer="/tmp/miniconda.sh" \ + && curl -fsSL -o "$conda_installer" https://repo.anaconda.com/miniconda/Miniconda3-py38_22.11.1-1-Linux-x86_64.sh \ + && bash "$conda_installer" -b -p /opt/miniconda-latest \ + && rm -f "$conda_installer" \ + && conda update -yq -nbase conda \ + && conda config --system --prepend channels conda-forge \ + && conda config --system --prepend channels mrtrix3 \ + # && conda config --set channel_priority false \ + && conda config --system --set auto_update_conda false \ + && conda config --system --set show_channel_urls true \ + # Enable `conda activate` + && conda init bash \ + && conda install -y --name base \ + "python=3.11" \ + "libstdcxx-ng" \ + # Clean up + && sync && conda clean --all --yes && sync \ + && rm -rf ~/.cache/pip/* + + +# ********************************************************************************************************************** + +# [ROOT] CREATE USER: +# The following part for the user-creation is adapted from Jupyter Docker Stacks +# https://github.com/jupyter/docker-stacks/blob/main/docker-stacks-foundation/Dockerfile + +ENV HOME="/home/${NB_USER}" + +RUN apt-get update --yes && apt-get upgrade --yes && apt-get install --yes --no-install-recommends \ + bzip2 \ + ca-certificates \ + sudo && \ + apt-get clean && rm -rf /var/lib/apt/lists/* + +RUN echo "auth requisite pam_deny.so" >> /etc/pam.d/su && \ + sed -i.bak -e 's/^%admin/#%admin/' /etc/sudoers && \ + sed -i.bak -e 's/^%sudo/#%sudo/' /etc/sudoers && \ + useradd -l -m -s /bin/bash -N -u "${NB_UID}" "${NB_USER}" && \ + mkdir -p "${CONDA_DIR}" && \ + chown "${NB_USER}:${NB_GID}" "${CONDA_DIR}" && \ + chmod g+w /etc/passwd + +# fix permissions +RUN chgrp -R "${NB_GID}" "${HOME}" && chmod -R 777 "${HOME}" +RUN chgrp -R "${NB_GID}" "${CONDA_DIR}" && chmod -R g+rwX "${CONDA_DIR}" && find "${CONDA_DIR}" -type d -exec chmod +6000 {} + + +# ********************************************************************************************************************** + +# [ROOT] INSTALL AFNI: + +RUN apt-get update -qq \ + && apt-get install -y -q --no-install-recommends \ + git \ + && rm -rf /var/lib/apt/lists/* +ENV PATH="/opt/afni-latest:$PATH" \ + AFNI_PLUGINPATH="/opt/afni-latest" +RUN apt-get update -qq \ + && apt-get install -y -q --no-install-recommends \ + ca-certificates \ + curl \ + ed \ + gsl-bin \ + libgl1-mesa-dri \ + libglib2.0-0 \ + libglu1-mesa-dev \ + libglw1-mesa \ + libgomp1 \ + libjpeg62 \ + libxm4 \ + multiarch-support \ + netpbm \ + tcsh \ + xfonts-base \ + xvfb \ + && rm -rf /var/lib/apt/lists/* \ + && _reproenv_tmppath="$(mktemp -t tmp.XXXXXXXXXX.deb)" \ + && curl -fsSL --retry 5 -o "${_reproenv_tmppath}" http://launchpadlibrarian.net/160108232/libxp6_1.0.2-1ubuntu1_amd64.deb \ + && apt-get install --yes -q "${_reproenv_tmppath}" \ + && rm "${_reproenv_tmppath}" \ + && _reproenv_tmppath="$(mktemp -t tmp.XXXXXXXXXX.deb)" \ + && curl -fsSL --retry 5 -o "${_reproenv_tmppath}" http://snapshot.debian.org/archive/debian-security/20160113T213056Z/pool/updates/main/libp/libpng/libpng12-0_1.2.49-1%2Bdeb7u2_amd64.deb \ + && apt-get install --yes -q "${_reproenv_tmppath}" \ + && rm "${_reproenv_tmppath}" \ + && apt-get update -qq \ + && apt-get install --yes --quiet --fix-missing \ + && rm -rf /var/lib/apt/lists/* \ + && gsl_path="$(find / -name 'libgsl.so.??' || printf '')" \ + && if [ -n "$gsl_path" ]; then \ + ln -sfv "$gsl_path" "$(dirname $gsl_path)/libgsl.so.0"; \ + fi \ + && ldconfig \ + && mkdir -p /opt/afni-latest \ + && echo "Downloading AFNI ..." \ + && curl -fL https://afni.nimh.nih.gov/pub/dist/tgz/linux_openmp_64.tgz \ + | tar -xz -C /opt/afni-latest --strip-components 1 + +# ********************************************************************************************************************** + +# [ROOT] INSTALL ANTS: + +ENV ANTSPATH="/opt/ants-2.3.4/" \ + PATH="/opt/ants-2.3.4:$PATH" +RUN apt-get update -qq \ + && apt-get install -y -q --no-install-recommends \ + ca-certificates \ + curl \ + && rm -rf /var/lib/apt/lists/* \ + && echo "Downloading ANTs ..." \ + && mkdir -p /opt/ants-2.3.4 \ + && curl -fsSL https://dl.dropbox.com/s/gwf51ykkk5bifyj/ants-Linux-centos6_x86_64-v2.3.4.tar.gz \ + | tar -xz -C /opt/ants-2.3.4 --strip-components 1 + +# ********************************************************************************************************************** + +# [ROOT] INSTALL Convert3D: + +ENV C3DPATH="/opt/convert3d-1.0.0" \ + PATH="/opt/convert3d-1.0.0/bin:$PATH" + +RUN apt-get update -qq \ + && apt-get install -y -q --no-install-recommends \ + ca-certificates \ + curl \ + && rm -rf /var/lib/apt/lists/* \ + && echo "Downloading Convert3D ..." \ + && mkdir -p /opt/convert3d-1.0.0 \ + && curl -fsSL https://sourceforge.net/projects/c3d/files/c3d/1.0.0/c3d-1.0.0-Linux-x86_64.tar.gz/download \ + | tar -xz -C /opt/convert3d-1.0.0 --strip-components 1 + +# ********************************************************************************************************************** + +# [ROOT] INSTALL FSL: + +ENV FSLDIR="/opt/fsl-6.0.5" \ + PATH="/opt/fsl-6.0.5/bin:$PATH" \ + FSLOUTPUTTYPE="NIFTI_GZ" \ + FSLMULTIFILEQUIT="TRUE" \ + FSLTCLSH="/opt/fsl-6.0.5/bin/fsltclsh" \ + FSLWISH="/opt/fsl-6.0.5/bin/fslwish" \ + FSLLOCKDIR="" \ + FSLMACHINELIST="" \ + FSLREMOTECALL="" \ + FSLGECUDAQ="cuda.q" +RUN apt-get update -qq \ + && apt-get install -y -q --no-install-recommends \ + bc \ + ca-certificates \ + curl \ + dc \ + file \ + libfontconfig1 \ + libfreetype6 \ + libgl1-mesa-dev \ + libgl1-mesa-dri \ + libglu1-mesa-dev \ + libgomp1 \ + libice6 \ + libopenblas-base \ + libxcursor1 \ + libxft2 \ + libxinerama1 \ + libxrandr2 \ + libxrender1 \ + libxt6 \ + nano \ + sudo \ + wget \ + && rm -rf /var/lib/apt/lists/* \ + && echo "Downloading FSL ..." \ + && mkdir -p /opt/fsl-6.0.5 \ + && curl -fL https://fsl.fmrib.ox.ac.uk/fsldownloads/fsl-6.0.5-centos7_64.tar.gz \ + | tar -xz -C /opt/fsl-6.0.5 --strip-components 1 \ + && echo "Installing FSL conda environment ..." \ + && bash /opt/fsl-6.0.5/etc/fslconf/fslpython_install.sh -f /opt/fsl-6.0.5 + +# ********************************************************************************************************************** + +RUN apt-get update --yes && apt-get upgrade --yes && apt-get install --yes --no-install-recommends \ + graphviz \ + build-essential && \ + apt-get clean && rm -rf /var/lib/apt/lists/* + +USER ${NB_UID} + +# [USER] INSTALL REQUIRED PUMI PACKAGES: + +RUN conda install -y --name base \ + "mrtrix3" \ + "traits" \ + "numpydoc" \ + "nbsphinx" \ + "pybids" \ + "poetry" \ + "poetry-dynamic-versioning" \ + "dot2tex" \ + "click" + +RUN pip install --no-cache-dir \ + "networkx<3" \ + "dot2tex>=2.11.3" \ + "templateflow>=0.8.0" \ + "graphviz>=0.17" \ + "matplotlib>=3.5.2" \ + "numpy>=1.21.1" \ + "scipy>=1.7.1" \ + "numpydoc>=1.1.0" \ + "nbsphinx>=0.8.6" \ + "pytest>=7.1.2" \ + "nipype>=1.8.1" \ + "neurodocker>=0.8.0" \ + "nilearn>=0.9.1" \ + "pybids>=0.15.1" \ + "poetry>=1.1.13" \ + "poetry-dynamic-versioning>=0.17.1" \ + "pydeface>=2.0.0" \ + "seaborn>=0.11.2" \ + "myst-parser" \ + "nibabel>=5.0.0" \ + "git+https://github.com/MIC-DKFZ/HD-BET.git" \ + "deepbet" \ + "scikit-learn==1.3.2" + + +# ********************************************************************************************************************** + +# [USER] SET WORKDIR & CREATE PUMI OUTPUT DIRECTORY: + +WORKDIR "${HOME}" + +RUN mkdir -p "${HOME}"/PUMI/data_out + +# ********************************************************************************************************************** + +USER root + +# [ROOT] FIX PERMISSIONS: + +RUN chgrp -R "${NB_GID}" "${HOME}" && chmod -R 777 "${HOME}" + +# ********************************************************************************************************************** + +USER ${NB_UID} From dc61772fac116a9a31eb50f5f2d8a9b072f7e229 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 16:57:58 +0100 Subject: [PATCH 17/20] Rework save_software_versions method --- PUMI/engine.py | 91 +++++++++++++++++++++++++++++++++++++++++--------- 1 file changed, 75 insertions(+), 16 deletions(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 074fa8d..513bb2e 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -13,6 +13,7 @@ import re import ast from PUMI import globals +import subprocess def _parameterization_dir(param): """ @@ -628,28 +629,86 @@ def run(self): ) +def get_interface_version(interface): + """ + + Try to get the version number of the underlying tool used in an interface. + + Return None if interface is a nipype in-house interface that does not use external software like FSL. + Otherwise, return name of the tool and the version number of the underlying used tool (or 'Unknown' if the + version could not be fetched). + + """ + + # Nipype provides some in-house interfaces that do not use external software like FSL. + # We can exclude modules: + NIPYPE_IN_HOUSE_MODULES = [ + 'nipype.algorithms.', + 'nipype.interfaces.image.', + 'nipype.interfaces.io.', + 'nipype.interfaces.mixins.', + 'nipype.interfaces.utility.' + ] + + interface_name = str(type(interface)) # e.g., "" + interface_name = interface_name.replace("" + interface_name = interface_name.replace("\'>", "") # e.g., "nipype.interfaces.fsl.utils.Reorient2Std" + # Let's see if it's a nipype in-house interface + for in_house in NIPYPE_IN_HOUSE_MODULES: + if in_house in interface_name: + return None + + tool_name = interface_name.split('.')[2] # e.g., 'fsl', 'ants', 'afni' + + try: + version = interface.version + if version is not None: + return tool_name, version + except AttributeError: + pass + + if 'afni' in interface_name: + version_cmd = ['afni', '-ver'] + elif 'ants' in interface_name: + version_cmd = ['antsRegistration', '--version'] + elif 'c3' in interface_name: + version_cmd = ['c3d', '-version'] + else: + return interface_name, 'Unknown' + + try: + result = subprocess.run(version_cmd, capture_output=True, text=True) + return tool_name, result.stdout.strip() + except Exception as e: + print(f"Error getting version for {interface_name}: {e}") + return tool_name, 'Unknown' + + def save_software_versions(wf): - result = {'PUMI': get_versions()['version']} - # result is a dict where the keys are the interface types and the values the corresponding versions of the - # underlying software + """ + + Save PUMI version as well as software-version of FSL and other 'external' software that is used in a pipeline + in a textfile. + + """ + + versions = {'PUMI': get_versions()['version']} for node_name in wf.list_node_names(): node = wf.get_node(node_name) - node_interface = node.interface - node_module = str(type(node_interface)) # e.g., "" - node_module = node_module.replace("" - node_module = node_module.replace("\'>", "") # e.g., "nipype.interfaces.fsl.utils.Reorient2Std" - try: - version = node.interface.version - if version is None: - continue - else: - result[node_module] = version - except: - continue + result = get_interface_version(interface=node.interface) + + if result is None: + continue # We can skip the external-tool-independent nipype in-house interfaces + else: + interface_name, version = result + versions[interface_name] = version path = Path(wf.sink_dir) / "software_versions.txt" path.parent.mkdir(parents=True, exist_ok=True) with open(str(path), "w") as f_obj: - for key, value in result.items(): + for key, value in versions.items(): f_obj.write('%s: %s\n' % (key, value)) + f_obj.write('\n---------------------------------------------\n') + f_obj.write('| CAUTION: This list might not be complete! |\n') + f_obj.write('---------------------------------------------\n') From 35ee6edd142d3aeff8de11b26eabaa804744bd63 Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 1 Dec 2023 17:14:47 +0100 Subject: [PATCH 18/20] Fix --help option not working --- PUMI/engine.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/PUMI/engine.py b/PUMI/engine.py index 513bb2e..ccb1604 100644 --- a/PUMI/engine.py +++ b/PUMI/engine.py @@ -520,7 +520,7 @@ def __init__(self, pipeline, name, bids_dir=None, output_dir=None, analysis_leve self.parser.add_argument( '--memory_gb', type=int, - help='Memory limit in GB. If not set, use 90% of the available memory' + help='Memory limit in GB. If not set, use 90 percent of the available memory' 'Caution: Does only work with the MultiProc-plugin!') self.parser.add_argument( @@ -555,6 +555,7 @@ def run(self): # We have a list of arguments that are BidsApp or nipype related. # If an argument is not in that list then it's such a pipeline specific argument. not_pipeline_specific = [ + 'help', 'bids_dir', 'output_dir', 'analysis_level', From be449a76f4ca969c3e19a16f57d2fd4e9c5ad67a Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 8 Dec 2023 13:20:33 +0100 Subject: [PATCH 19/20] Upload cluster-pipeline-executor.sh --- scripts/cluster-pipeline-executor.sh | 189 +++++++++++++++++++++++++++ 1 file changed, 189 insertions(+) create mode 100644 scripts/cluster-pipeline-executor.sh diff --git a/scripts/cluster-pipeline-executor.sh b/scripts/cluster-pipeline-executor.sh new file mode 100644 index 0000000..75d798f --- /dev/null +++ b/scripts/cluster-pipeline-executor.sh @@ -0,0 +1,189 @@ +#!/bin/bash +#SBATCH --time=336:00:00 + +### DEFAULT VALUES (MIGHT GET OVERRIDDEN BY USER CLI INPUT) ### +PIPELINE="rcpl.py" +RESOURCES="--plugin MultiProc --memory_gb 50 --n_procs 10" +MAX_JOBS=16 +NICE=5 +BRANCH='main' +SUBMIT_DELAY=72 +CPUS_PER_TASK=15 +################################################################ + + +while getopts 'i:o:t:l:p:r:m:n:b:d:c:h' opt; do + case "$opt" in + i) INDIR="$OPTARG";; + o) OUTDIR="$OPTARG";; + t) TMP_PUMI="$OPTARG";; + l) LOG_PATH="$OPTARG";; + p) PIPELINE="$OPTARG";; + r) RESOURCES="$OPTARG";; + m) MAX_JOBS="$OPTARG";; + n) NICE="$OPTARG";; + b) BRANCH="$OPTARG";; + d) SUBMIT_DELAY="$OPTARG";; + c) CPUS_PER_TASK="$OPTARG";; + + ?|h) + echo "-i Input BIDS dataset" + echo "-o Derivatives dir (i.e., where to store the results)" + echo "-t Where to store temporary PUMI workflow files on the cluster (MUST BE SOMEWHERE IN /tmp !)" + echo "-l NFS directory that should be used to store the Slurm log files (+ Apptainer SIF file)" + echo "-p PUMI pipeline you want to run (default: '${PIPELINE}')" + echo "-r Nipype plugin params to limit resource usage (default: '${RESOURCES}')" + echo "-m Maximum amount of jobs that you want to have running at a time (default: '${MAX_JOBS}')" + echo "-n Slurm nice value. The higher the nice value, the lower the priority! (default: '${NICE}')" + echo "-b Which PUMI GitHub branch to install (default: '${BRANCH}')" + echo "-d Minimum delay between submission of jobs in seconds (default: '${SUBMIT_DELAY}')" + echo "-c CPU's per task (default: '${CPUS_PER_TASK}')" + exit 1 + ;; + esac +done +shift "$(($OPTIND -1))" + +echo "--------------------------------------------------------------------" +echo "Input (-i): ${INDIR}" +echo "Derivatives output (-o): ${OUTDIR}" +echo "Temporary PUMI path (-t): ${TMP_PUMI}" +echo "NFS log directory (-l): ${LOG_PATH}" +echo "Selected pipeline (-p): ${PIPELINE}" +echo "Resource parameters (-r): ${RESOURCES}" +echo "Max Slurm jobs of user (-m): ${MAX_JOBS}" +echo "Slurm nice value (-n): ${NICE}" +echo "PUMI branch to use (-b): ${BRANCH}" +echo "Minimum delay between submission of jobs in seconds (-d): ${SUBMIT_DELAY}" +echo "--------------------------------------------------------------------" + +# Validation to ensure mandatory options are provided. +# If not, the script exits with an error message. +if [ -z "${INDIR}" ] || [ -z "${OUTDIR}" ] || [ -z "${TMP_PUMI}" ] || [ -z "${LOG_PATH}" ]; then + echo "Error: Options -i, -o, -t and -l must be provided!" + echo "You can call this software with the -h option to get information regarding the available options." + exit 1 +fi + +############################# Main script begins here ######################################### + +dataset_name=$(basename "$INDIR") +mkdir -p "jobs_scripts/${dataset_name}" # Create directory which will contain the slurm job batch scripts + +mkdir -p "${LOG_PATH}" # Create directory where the jobs will store the slurm outputs in + +# Pull (and convert) PUMI image locally and then copy to NFS share where all the jobs can copy it from +rm -rf ${TMP_PUMI}/apptainer_cache/ +mkdir -p ${TMP_PUMI}/apptainer_cache/ +APPTAINER_CACHEDIR=${TMP_PUMI}/apptainer_cache/ \ + apptainer pull ${TMP_PUMI}/PUMI.sif docker://pnilab/pumi:latest +cp ${TMP_PUMI}/PUMI.sif ${LOG_PATH}/PUMI.sif +rm -rf ${TMP_PUMI} + +mkdir -p "${OUTDIR}" + +dataset_description_path="${INDIR}/dataset_description.json" # Every sub-dataset (containing only one subject) still needs a dataset_description.json + +# Iterate over each subject in the BIDS dataset +for subject_folder in ${INDIR}/sub-*; do + + subject_id=$(basename "$subject_folder") + job_path="jobs_scripts/${dataset_name}/job_${subject_id}.sh" + + cat << EOF > "${job_path}" +#!/bin/bash +#SBATCH --job-name=${subject_id}_${dataset_name} +#SBATCH --time=48:00:00 +#SBATCH --nice=${NICE} +#SBATCH --output="${LOG_PATH}/${subject_id}.out" +#SBATCH --cpus-per-task ${CPUS_PER_TASK} + +echo "*************************************************************" +echo "Starting on \$(hostname) at \$(date +"%T")" +echo "*************************************************************" + +subject_data_in="${TMP_PUMI}/input/${subject_id}" # Create temporary directory which stores BIDS data for one subject +rm -rf "\${subject_data_in}" +mkdir -p "\${subject_data_in}" + +subject_data_out="${TMP_PUMI}/output/${subject_id}" # Create temporary directory which stores derivatives for one subject +rm -rf "\${subject_data_out}" +mkdir -p "\${subject_data_out}" + +subject_tmp="${TMP_PUMI}/tmp/${subject_id}" # Create temporary directory which stores derivatives for one subject +rm -rf "\${subject_tmp}" +mkdir -p "\${subject_tmp}" + +cp -vr "${subject_folder}" "\${subject_data_in}" +cp -v "${dataset_description_path}" "\${subject_data_in}" # Every valid BIDS dataset must contain description (otherwise Nipype raises BIDSValidationError) + +pumi_dir=${TMP_PUMI}/PUMI/${subject_id}/ +rm -rf \${pumi_dir} +mkdir -p \${pumi_dir} # Create folder in which we clone PUMI into (and parent folders if necessary) + +mkdir -p ${TMP_PUMI}/apptainer_image/${subject_id}/ +cp ${LOG_PATH}/PUMI.sif ${TMP_PUMI}/apptainer_image/${subject_id}/PUMI.sif + +subject_apptainer_cache_dir=${TMP_PUMI}/apptainer_cache/${subject_id}/ +rm -rf \${subject_apptainer_cache_dir} +mkdir -p \${subject_apptainer_cache_dir} + +APPTAINER_CACHEDIR=\${subject_apptainer_cache_dir} \ +apptainer exec \ +--writable-tmpfs \ +${TMP_PUMI}/apptainer_image/${subject_id}/PUMI.sif \ +bash -c " \ +set -x; \ +git clone -b ${BRANCH} https://github.com/pni-lab/PUMI \${pumi_dir}; \ +source activate base; +pip install -e \${pumi_dir} --no-cache-dir; \ +python3 \${pumi_dir}/pipelines/${PIPELINE} \ +${RESOURCES} \ +--working_dir \${subject_tmp} \ +--bids_dir=\${subject_data_in} \ +--output_dir=\${subject_data_out} " + +echo "******************** SUBJECT TMP TREE ****************************" +tree \${subject_tmp} +echo "***************************************************************" +echo "" +echo "******************** SUBJECT DATA OUT TREE ****************************" +tree \${subject_data_out} +echo "***********************************************************************" + +# Move results to the output directory +cp -vr \${subject_data_out}/* ${OUTDIR}/ + + +# Remove (most) files from cluster +rm -rf "\${subject_data_in}" +rm -rf "\${subject_data_out}" +rm -rf "\${subject_tmp}" +rm -rf "\${subject_apptainer_cache_dir}" + +echo "*************************************************************" +echo "Ended on \$(hostname) at \$(date +"%T")" +echo "*************************************************************" + +EOF + + while true; do + job_count=$(squeue -u "$USER" -h | wc -l) + + if [ ${job_count} -lt ${MAX_JOBS} ]; then + echo "Number of jobs (${job_count}) is below the limit (${MAX_JOBS}). Submitting job..." + break + else + echo "Waiting. Current job count: ${job_count}. Limit is ${MAX_JOBS}." + sleep 80 # Wait some time before checking again + fi + done + + sbatch ${job_path} + sleep ${SUBMIT_DELAY} # Do not spawn jobs very fast, even if the amount of jobs is not exceeding the limit + +done + +echo "--------------------------------------------------------------------" +echo "Last job script was submitted..." +echo "--------------------------------------------------------------------" From 571a63cf3d49e9061f3fd309020971c8b3f8d9bc Mon Sep 17 00:00:00 2001 From: Kevin Hoffschlag <72939508+khoffschlag@users.noreply.github.com> Date: Fri, 8 Dec 2023 14:22:59 +0100 Subject: [PATCH 20/20] Add missing scripts to pyproject.toml --- pyproject.toml | 1 + 1 file changed, 1 insertion(+) diff --git a/pyproject.toml b/pyproject.toml index 607276f..56df452 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -58,6 +58,7 @@ scikit-learn = "1.3.2" [tool.poetry.scripts] rpn_signature = 'pipelines.rpn_signature.rpn_app:run' rpn_signature_timeseries = 'pipelines.rpn_signature_timeseries.rpn_app:run' +rcpl = 'pipelines.rcpl.rcpl_app:run' [tool.poetry-dynamic-versioning] enable = true